{
 "cells": [
  {
   "cell_type": "code",
   "execution_count": 56,
   "metadata": {},
   "outputs": [],
   "source": [
    "import os\n",
    "import csv\n",
    "import pandas as pd\n",
    "import hashlib\n",
    "from io import BytesIO\n",
    "import pickle, gzip\n",
    "import random as rand\n",
    "\n",
    "from PIL import Image\n",
    "import numpy as np\n",
    "\n",
    "import torch\n",
    "from torch.utils.data import Dataset, DataLoader\n",
    "from torchvision import transforms, utils\n",
    "\n",
    "import sagemaker\n",
    "\n",
    "WORKING_DIR = os.getcwd()\n",
    "DATA_DIR = WORKING_DIR+'/ut-zap50k-images-square'\n",
    "    \n",
    "ZAPPOS50K_INDEX = WORKING_DIR+'/zappos50k-index.csv'\n",
    "DOWNLOAD_S3URI = \"s3://reinvent2018-sagemaker-pytorch\"\n",
    "\n",
    "WEIGHT_SAME_IMG = 0.0\n",
    "WEIGHT_DIFF_IMG = 1.0\n",
    "PARAM_SAME_CATEGORY_WEIGHTING = 0.05\n",
    "PARAM_SAME_SUBCATEGORY_WEIGHTING = 0.01   \n",
    "\n",
    "ZAPPOS50K_INDEX = WORKING_DIR+'/zappos50k-index.csv'\n",
    "ZAPPOS50K_INDEX_TRAIN = WORKING_DIR+'/zappos50k-index-train.csv'\n",
    "ZAPPOS50K_INDEX_TEST = WORKING_DIR+'/zappos50k-index-test.csv'\n",
    "\n",
    "ZAPPOS50K_TUPLES_INDEX_TRAIN = WORKING_DIR+'/zappos50k-tuples-index-train.csv'\n",
    "ZAPPOS50K_TUPLES_INDEX_TEST = WORKING_DIR+'/zappos50k-tuples-index-test.csv'"
   ]
  },
  {
   "cell_type": "markdown",
   "metadata": {},
   "source": [
    "## Download Data"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": null,
   "metadata": {},
   "outputs": [],
   "source": [
    "%%bash -s \"$DOWNLOAD_S3URI\"\n",
    "aws s3 cp $1/ut-zap50k-images-square.zip . --quiet\n",
    "unzip -nq ut-zap50k-images-square.zip"
   ]
  },
  {
   "cell_type": "markdown",
   "metadata": {},
   "source": [
    "## Generate Sample Indices"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 37,
   "metadata": {},
   "outputs": [],
   "source": [
    "TRAIN_IMG_PATHS = [\"Boots/Knee High/Anne Klein\",\n",
    "                    \"Boots/Knee High/Ariat\",\n",
    "                    \"Boots/Mid-Calf/UGG\",\n",
    "                    \"Sandals/Athletic/Keen Kids\",\n",
    "                    \"Sandals/Heel/Annie\",\n",
    "                    \"Sandals/Heel/Fly Flot\",\n",
    "                    \"Sandals/Heel/Onex\",\n",
    "                    \"Shoes/Oxfords/Calvin Klein\",\n",
    "                    \"Shoes/Oxfords/Rockport\"]\n",
    "\n",
    "TEST_IMG_PATHS = ['Boots/Knee High/Tommy Hilfiger Kids/',\n",
    "                  'Boots/Over the Knee/Calvin Klein Collection/',\n",
    "                  'Shoes/Oxfords/Bass']\n",
    "\n",
    "def getImageTensor(img_path, transform):\n",
    "    \n",
    "    image = Image.open(img_path)\n",
    "    image_tensor = transform(image)\n",
    "        \n",
    "    return image_tensor\n",
    "\n",
    "def get_categories(img_loc) :\n",
    "\n",
    "    path, file = os.path.split(img_loc)\n",
    "    path_parts = path.split(os.sep)\n",
    "    category = path_parts[0]\n",
    "    subcategory = path_parts[1]\n",
    "\n",
    "    return {'category': category, 'sub': subcategory}\n",
    "    \n",
    "def generate_sample_index(idxFile, img_paths) :    \n",
    "    \n",
    "    with open(idxFile, 'w') as csvfile:\n",
    "\n",
    "        try:\n",
    "\n",
    "            csvwriter = csv.writer(csvfile)\n",
    "            for paths in img_paths:\n",
    "                \n",
    "                c = get_categories(paths)\n",
    "                cid = int(hashlib.sha256(c['category'].encode('utf-8')).hexdigest(), 16) % 10**9\n",
    "                scid = int(hashlib.sha256(c['sub'].encode('utf-8')).hexdigest(), 16) % 10**9\n",
    "                    \n",
    "                files = os.listdir(os.path.join(DATA_DIR,paths))\n",
    "\n",
    "                row = []\n",
    "                for f in files:\n",
    "                    csvwriter.writerow([os.path.join(paths,f),cid,scid])\n",
    "\n",
    "        except csv.Error as e:\n",
    "            print(e)\n",
    "\n",
    "        finally:\n",
    "            csvfile.close()"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 52,
   "metadata": {},
   "outputs": [],
   "source": [
    "ZAPPOS50K_PARTIAL_INDEX = WORKING_DIR+'/zappos50k-partial-index.csv'\n",
    "ZAPPOS50K_PARTIAL_INDEX_TRAIN = WORKING_DIR+'/zappos50k-partial-index-train.csv'\n",
    "ZAPPOS50K_PARTIAL_INDEX_TEST = WORKING_DIR+'/zappos50k-partial-index-test.csv'\n",
    "\n",
    "generate_sample_index(ZAPPOS50K_PARTIAL_INDEX_TRAIN, TRAIN_IMG_PATHS)\n",
    "generate_sample_index(ZAPPOS50K_PARTIAL_INDEX_TEST, TEST_IMG_PATHS)\n",
    "generate_sample_index(ZAPPOS50K_PARTIAL_INDEX, TRAIN_IMG_PATHS+TEST_IMG_PATHS)"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 53,
   "metadata": {},
   "outputs": [],
   "source": [
    "def generate_tuples_sample_index(idxFile, tuplesIdxFile) :\n",
    "    \n",
    "    indexDF = pd.read_csv(idxFile, header=None, names=['img1','cat','sub_cat'])\n",
    "    tuplesDF = None\n",
    "\n",
    "    for (idx, row) in indexDF.iterrows() :\n",
    "\n",
    "        df = (indexDF[idx:]).copy().reset_index(drop=True)\n",
    "            \n",
    "        sim_cat_weight = WEIGHT_DIFF_IMG-(((row['cat'] == df['cat']) * PARAM_SAME_CATEGORY_WEIGHTING) + \\\n",
    "                            ((row['sub_cat'] == df['sub_cat']) * PARAM_SAME_SUBCATEGORY_WEIGHTING))\n",
    "        \n",
    "        sim_cat_weight[0] = WEIGHT_SAME_IMG\n",
    "        df['img2'] = pd.Series((row['img1'] for x in range(idx, indexDF.shape[0])))\n",
    "        df['label'] = sim_cat_weight   \n",
    "        \n",
    "        df= df.drop(columns= ['cat','sub_cat']) \n",
    "        tuplesDF = df if (tuplesDF is None) else tuplesDF.append(df)\n",
    "    \n",
    "    tuplesDF.to_csv(tuplesIdxFile, sep=',', index=False, header=None)\n",
    "    \n",
    "    return tuplesDF.reset_index(drop=True)"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 54,
   "metadata": {},
   "outputs": [
    {
     "data": {
      "text/html": [
       "<div>\n",
       "<style scoped>\n",
       "    .dataframe tbody tr th:only-of-type {\n",
       "        vertical-align: middle;\n",
       "    }\n",
       "\n",
       "    .dataframe tbody tr th {\n",
       "        vertical-align: top;\n",
       "    }\n",
       "\n",
       "    .dataframe thead th {\n",
       "        text-align: right;\n",
       "    }\n",
       "</style>\n",
       "<table border=\"1\" class=\"dataframe\">\n",
       "  <thead>\n",
       "    <tr style=\"text-align: right;\">\n",
       "      <th></th>\n",
       "      <th>img1</th>\n",
       "      <th>img2</th>\n",
       "      <th>label</th>\n",
       "    </tr>\n",
       "  </thead>\n",
       "  <tbody>\n",
       "    <tr>\n",
       "      <th>0</th>\n",
       "      <td>Boots/Knee High/Tommy Hilfiger Kids/8027756.40...</td>\n",
       "      <td>Boots/Knee High/Tommy Hilfiger Kids/8027756.40...</td>\n",
       "      <td>0.00</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>1</th>\n",
       "      <td>Boots/Knee High/Tommy Hilfiger Kids/8047638.3.jpg</td>\n",
       "      <td>Boots/Knee High/Tommy Hilfiger Kids/8027756.40...</td>\n",
       "      <td>0.94</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>2</th>\n",
       "      <td>Boots/Over the Knee/Calvin Klein Collection/80...</td>\n",
       "      <td>Boots/Knee High/Tommy Hilfiger Kids/8027756.40...</td>\n",
       "      <td>0.95</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>3</th>\n",
       "      <td>Shoes/Oxfords/Bass/7563706.226012.jpg</td>\n",
       "      <td>Boots/Knee High/Tommy Hilfiger Kids/8027756.40...</td>\n",
       "      <td>1.00</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>4</th>\n",
       "      <td>Shoes/Oxfords/Bass/7563706.371938.jpg</td>\n",
       "      <td>Boots/Knee High/Tommy Hilfiger Kids/8027756.40...</td>\n",
       "      <td>1.00</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>5</th>\n",
       "      <td>Shoes/Oxfords/Bass/7616146.278640.jpg</td>\n",
       "      <td>Boots/Knee High/Tommy Hilfiger Kids/8027756.40...</td>\n",
       "      <td>1.00</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>6</th>\n",
       "      <td>Shoes/Oxfords/Bass/7616146.372724.jpg</td>\n",
       "      <td>Boots/Knee High/Tommy Hilfiger Kids/8027756.40...</td>\n",
       "      <td>1.00</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>7</th>\n",
       "      <td>Shoes/Oxfords/Bass/7616146.372725.jpg</td>\n",
       "      <td>Boots/Knee High/Tommy Hilfiger Kids/8027756.40...</td>\n",
       "      <td>1.00</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>8</th>\n",
       "      <td>Shoes/Oxfords/Bass/8028830.372729.jpg</td>\n",
       "      <td>Boots/Knee High/Tommy Hilfiger Kids/8027756.40...</td>\n",
       "      <td>1.00</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>9</th>\n",
       "      <td>Shoes/Oxfords/Bass/7616146.244.jpg</td>\n",
       "      <td>Boots/Knee High/Tommy Hilfiger Kids/8027756.40...</td>\n",
       "      <td>1.00</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>10</th>\n",
       "      <td>Shoes/Oxfords/Bass/7956255.10788.jpg</td>\n",
       "      <td>Boots/Knee High/Tommy Hilfiger Kids/8027756.40...</td>\n",
       "      <td>1.00</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>11</th>\n",
       "      <td>Shoes/Oxfords/Bass/8026675.3241.jpg</td>\n",
       "      <td>Boots/Knee High/Tommy Hilfiger Kids/8027756.40...</td>\n",
       "      <td>1.00</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>12</th>\n",
       "      <td>Shoes/Oxfords/Bass/8028830.372728.jpg</td>\n",
       "      <td>Boots/Knee High/Tommy Hilfiger Kids/8027756.40...</td>\n",
       "      <td>1.00</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>13</th>\n",
       "      <td>Shoes/Oxfords/Bass/8098601.36035.jpg</td>\n",
       "      <td>Boots/Knee High/Tommy Hilfiger Kids/8027756.40...</td>\n",
       "      <td>1.00</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>14</th>\n",
       "      <td>Shoes/Oxfords/Bass/7616146.337753.jpg</td>\n",
       "      <td>Boots/Knee High/Tommy Hilfiger Kids/8027756.40...</td>\n",
       "      <td>1.00</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>15</th>\n",
       "      <td>Shoes/Oxfords/Bass/7505665.585.jpg</td>\n",
       "      <td>Boots/Knee High/Tommy Hilfiger Kids/8027756.40...</td>\n",
       "      <td>1.00</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>16</th>\n",
       "      <td>Shoes/Oxfords/Bass/7698965.278640.jpg</td>\n",
       "      <td>Boots/Knee High/Tommy Hilfiger Kids/8027756.40...</td>\n",
       "      <td>1.00</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>17</th>\n",
       "      <td>Shoes/Oxfords/Bass/7976075.9041.jpg</td>\n",
       "      <td>Boots/Knee High/Tommy Hilfiger Kids/8027756.40...</td>\n",
       "      <td>1.00</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>18</th>\n",
       "      <td>Shoes/Oxfords/Bass/7616146.128.jpg</td>\n",
       "      <td>Boots/Knee High/Tommy Hilfiger Kids/8027756.40...</td>\n",
       "      <td>1.00</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>19</th>\n",
       "      <td>Shoes/Oxfords/Bass/7635940.691.jpg</td>\n",
       "      <td>Boots/Knee High/Tommy Hilfiger Kids/8027756.40...</td>\n",
       "      <td>1.00</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>20</th>\n",
       "      <td>Shoes/Oxfords/Bass/7563706.184651.jpg</td>\n",
       "      <td>Boots/Knee High/Tommy Hilfiger Kids/8027756.40...</td>\n",
       "      <td>1.00</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>21</th>\n",
       "      <td>Shoes/Oxfords/Bass/7976075.59601.jpg</td>\n",
       "      <td>Boots/Knee High/Tommy Hilfiger Kids/8027756.40...</td>\n",
       "      <td>1.00</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>22</th>\n",
       "      <td>Shoes/Oxfords/Bass/7505581.4082.jpg</td>\n",
       "      <td>Boots/Knee High/Tommy Hilfiger Kids/8027756.40...</td>\n",
       "      <td>1.00</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>23</th>\n",
       "      <td>Shoes/Oxfords/Bass/8098601.4082.jpg</td>\n",
       "      <td>Boots/Knee High/Tommy Hilfiger Kids/8027756.40...</td>\n",
       "      <td>1.00</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>24</th>\n",
       "      <td>Shoes/Oxfords/Bass/7505665.876.jpg</td>\n",
       "      <td>Boots/Knee High/Tommy Hilfiger Kids/8027756.40...</td>\n",
       "      <td>1.00</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>25</th>\n",
       "      <td>Shoes/Oxfords/Bass/7505665.260224.jpg</td>\n",
       "      <td>Boots/Knee High/Tommy Hilfiger Kids/8027756.40...</td>\n",
       "      <td>1.00</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>26</th>\n",
       "      <td>Shoes/Oxfords/Bass/8026675.4418.jpg</td>\n",
       "      <td>Boots/Knee High/Tommy Hilfiger Kids/8027756.40...</td>\n",
       "      <td>1.00</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>27</th>\n",
       "      <td>Shoes/Oxfords/Bass/7626932.1184.jpg</td>\n",
       "      <td>Boots/Knee High/Tommy Hilfiger Kids/8027756.40...</td>\n",
       "      <td>1.00</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>28</th>\n",
       "      <td>Shoes/Oxfords/Bass/7563706.226011.jpg</td>\n",
       "      <td>Boots/Knee High/Tommy Hilfiger Kids/8027756.40...</td>\n",
       "      <td>1.00</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>29</th>\n",
       "      <td>Shoes/Oxfords/Bass/7505665.401.jpg</td>\n",
       "      <td>Boots/Knee High/Tommy Hilfiger Kids/8027756.40...</td>\n",
       "      <td>1.00</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>...</th>\n",
       "      <td>...</td>\n",
       "      <td>...</td>\n",
       "      <td>...</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>1146</th>\n",
       "      <td>Shoes/Oxfords/Bass/7670028.21224.jpg</td>\n",
       "      <td>Shoes/Oxfords/Bass/7563706.310217.jpg</td>\n",
       "      <td>0.94</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>1147</th>\n",
       "      <td>Shoes/Oxfords/Bass/7505665.691.jpg</td>\n",
       "      <td>Shoes/Oxfords/Bass/7563706.310217.jpg</td>\n",
       "      <td>0.94</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>1148</th>\n",
       "      <td>Shoes/Oxfords/Bass/7587764.3.jpg</td>\n",
       "      <td>Shoes/Oxfords/Bass/7587764.3.jpg</td>\n",
       "      <td>0.00</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>1149</th>\n",
       "      <td>Shoes/Oxfords/Bass/7976075.86183.jpg</td>\n",
       "      <td>Shoes/Oxfords/Bass/7587764.3.jpg</td>\n",
       "      <td>0.94</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>1150</th>\n",
       "      <td>Shoes/Oxfords/Bass/8046243.7492.jpg</td>\n",
       "      <td>Shoes/Oxfords/Bass/7587764.3.jpg</td>\n",
       "      <td>0.94</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>1151</th>\n",
       "      <td>Shoes/Oxfords/Bass/7505581.16583.jpg</td>\n",
       "      <td>Shoes/Oxfords/Bass/7587764.3.jpg</td>\n",
       "      <td>0.94</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>1152</th>\n",
       "      <td>Shoes/Oxfords/Bass/8125248.43856.jpg</td>\n",
       "      <td>Shoes/Oxfords/Bass/7587764.3.jpg</td>\n",
       "      <td>0.94</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>1153</th>\n",
       "      <td>Shoes/Oxfords/Bass/7670028.21224.jpg</td>\n",
       "      <td>Shoes/Oxfords/Bass/7587764.3.jpg</td>\n",
       "      <td>0.94</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>1154</th>\n",
       "      <td>Shoes/Oxfords/Bass/7505665.691.jpg</td>\n",
       "      <td>Shoes/Oxfords/Bass/7587764.3.jpg</td>\n",
       "      <td>0.94</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>1155</th>\n",
       "      <td>Shoes/Oxfords/Bass/7976075.86183.jpg</td>\n",
       "      <td>Shoes/Oxfords/Bass/7976075.86183.jpg</td>\n",
       "      <td>0.00</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>1156</th>\n",
       "      <td>Shoes/Oxfords/Bass/8046243.7492.jpg</td>\n",
       "      <td>Shoes/Oxfords/Bass/7976075.86183.jpg</td>\n",
       "      <td>0.94</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>1157</th>\n",
       "      <td>Shoes/Oxfords/Bass/7505581.16583.jpg</td>\n",
       "      <td>Shoes/Oxfords/Bass/7976075.86183.jpg</td>\n",
       "      <td>0.94</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>1158</th>\n",
       "      <td>Shoes/Oxfords/Bass/8125248.43856.jpg</td>\n",
       "      <td>Shoes/Oxfords/Bass/7976075.86183.jpg</td>\n",
       "      <td>0.94</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>1159</th>\n",
       "      <td>Shoes/Oxfords/Bass/7670028.21224.jpg</td>\n",
       "      <td>Shoes/Oxfords/Bass/7976075.86183.jpg</td>\n",
       "      <td>0.94</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>1160</th>\n",
       "      <td>Shoes/Oxfords/Bass/7505665.691.jpg</td>\n",
       "      <td>Shoes/Oxfords/Bass/7976075.86183.jpg</td>\n",
       "      <td>0.94</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>1161</th>\n",
       "      <td>Shoes/Oxfords/Bass/8046243.7492.jpg</td>\n",
       "      <td>Shoes/Oxfords/Bass/8046243.7492.jpg</td>\n",
       "      <td>0.00</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>1162</th>\n",
       "      <td>Shoes/Oxfords/Bass/7505581.16583.jpg</td>\n",
       "      <td>Shoes/Oxfords/Bass/8046243.7492.jpg</td>\n",
       "      <td>0.94</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>1163</th>\n",
       "      <td>Shoes/Oxfords/Bass/8125248.43856.jpg</td>\n",
       "      <td>Shoes/Oxfords/Bass/8046243.7492.jpg</td>\n",
       "      <td>0.94</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>1164</th>\n",
       "      <td>Shoes/Oxfords/Bass/7670028.21224.jpg</td>\n",
       "      <td>Shoes/Oxfords/Bass/8046243.7492.jpg</td>\n",
       "      <td>0.94</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>1165</th>\n",
       "      <td>Shoes/Oxfords/Bass/7505665.691.jpg</td>\n",
       "      <td>Shoes/Oxfords/Bass/8046243.7492.jpg</td>\n",
       "      <td>0.94</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>1166</th>\n",
       "      <td>Shoes/Oxfords/Bass/7505581.16583.jpg</td>\n",
       "      <td>Shoes/Oxfords/Bass/7505581.16583.jpg</td>\n",
       "      <td>0.00</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>1167</th>\n",
       "      <td>Shoes/Oxfords/Bass/8125248.43856.jpg</td>\n",
       "      <td>Shoes/Oxfords/Bass/7505581.16583.jpg</td>\n",
       "      <td>0.94</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>1168</th>\n",
       "      <td>Shoes/Oxfords/Bass/7670028.21224.jpg</td>\n",
       "      <td>Shoes/Oxfords/Bass/7505581.16583.jpg</td>\n",
       "      <td>0.94</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>1169</th>\n",
       "      <td>Shoes/Oxfords/Bass/7505665.691.jpg</td>\n",
       "      <td>Shoes/Oxfords/Bass/7505581.16583.jpg</td>\n",
       "      <td>0.94</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>1170</th>\n",
       "      <td>Shoes/Oxfords/Bass/8125248.43856.jpg</td>\n",
       "      <td>Shoes/Oxfords/Bass/8125248.43856.jpg</td>\n",
       "      <td>0.00</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>1171</th>\n",
       "      <td>Shoes/Oxfords/Bass/7670028.21224.jpg</td>\n",
       "      <td>Shoes/Oxfords/Bass/8125248.43856.jpg</td>\n",
       "      <td>0.94</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>1172</th>\n",
       "      <td>Shoes/Oxfords/Bass/7505665.691.jpg</td>\n",
       "      <td>Shoes/Oxfords/Bass/8125248.43856.jpg</td>\n",
       "      <td>0.94</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>1173</th>\n",
       "      <td>Shoes/Oxfords/Bass/7670028.21224.jpg</td>\n",
       "      <td>Shoes/Oxfords/Bass/7670028.21224.jpg</td>\n",
       "      <td>0.00</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>1174</th>\n",
       "      <td>Shoes/Oxfords/Bass/7505665.691.jpg</td>\n",
       "      <td>Shoes/Oxfords/Bass/7670028.21224.jpg</td>\n",
       "      <td>0.94</td>\n",
       "    </tr>\n",
       "    <tr>\n",
       "      <th>1175</th>\n",
       "      <td>Shoes/Oxfords/Bass/7505665.691.jpg</td>\n",
       "      <td>Shoes/Oxfords/Bass/7505665.691.jpg</td>\n",
       "      <td>0.00</td>\n",
       "    </tr>\n",
       "  </tbody>\n",
       "</table>\n",
       "<p>1176 rows × 3 columns</p>\n",
       "</div>"
      ],
      "text/plain": [
       "                                                   img1  \\\n",
       "0     Boots/Knee High/Tommy Hilfiger Kids/8027756.40...   \n",
       "1     Boots/Knee High/Tommy Hilfiger Kids/8047638.3.jpg   \n",
       "2     Boots/Over the Knee/Calvin Klein Collection/80...   \n",
       "3                 Shoes/Oxfords/Bass/7563706.226012.jpg   \n",
       "4                 Shoes/Oxfords/Bass/7563706.371938.jpg   \n",
       "5                 Shoes/Oxfords/Bass/7616146.278640.jpg   \n",
       "6                 Shoes/Oxfords/Bass/7616146.372724.jpg   \n",
       "7                 Shoes/Oxfords/Bass/7616146.372725.jpg   \n",
       "8                 Shoes/Oxfords/Bass/8028830.372729.jpg   \n",
       "9                    Shoes/Oxfords/Bass/7616146.244.jpg   \n",
       "10                 Shoes/Oxfords/Bass/7956255.10788.jpg   \n",
       "11                  Shoes/Oxfords/Bass/8026675.3241.jpg   \n",
       "12                Shoes/Oxfords/Bass/8028830.372728.jpg   \n",
       "13                 Shoes/Oxfords/Bass/8098601.36035.jpg   \n",
       "14                Shoes/Oxfords/Bass/7616146.337753.jpg   \n",
       "15                   Shoes/Oxfords/Bass/7505665.585.jpg   \n",
       "16                Shoes/Oxfords/Bass/7698965.278640.jpg   \n",
       "17                  Shoes/Oxfords/Bass/7976075.9041.jpg   \n",
       "18                   Shoes/Oxfords/Bass/7616146.128.jpg   \n",
       "19                   Shoes/Oxfords/Bass/7635940.691.jpg   \n",
       "20                Shoes/Oxfords/Bass/7563706.184651.jpg   \n",
       "21                 Shoes/Oxfords/Bass/7976075.59601.jpg   \n",
       "22                  Shoes/Oxfords/Bass/7505581.4082.jpg   \n",
       "23                  Shoes/Oxfords/Bass/8098601.4082.jpg   \n",
       "24                   Shoes/Oxfords/Bass/7505665.876.jpg   \n",
       "25                Shoes/Oxfords/Bass/7505665.260224.jpg   \n",
       "26                  Shoes/Oxfords/Bass/8026675.4418.jpg   \n",
       "27                  Shoes/Oxfords/Bass/7626932.1184.jpg   \n",
       "28                Shoes/Oxfords/Bass/7563706.226011.jpg   \n",
       "29                   Shoes/Oxfords/Bass/7505665.401.jpg   \n",
       "...                                                 ...   \n",
       "1146               Shoes/Oxfords/Bass/7670028.21224.jpg   \n",
       "1147                 Shoes/Oxfords/Bass/7505665.691.jpg   \n",
       "1148                   Shoes/Oxfords/Bass/7587764.3.jpg   \n",
       "1149               Shoes/Oxfords/Bass/7976075.86183.jpg   \n",
       "1150                Shoes/Oxfords/Bass/8046243.7492.jpg   \n",
       "1151               Shoes/Oxfords/Bass/7505581.16583.jpg   \n",
       "1152               Shoes/Oxfords/Bass/8125248.43856.jpg   \n",
       "1153               Shoes/Oxfords/Bass/7670028.21224.jpg   \n",
       "1154                 Shoes/Oxfords/Bass/7505665.691.jpg   \n",
       "1155               Shoes/Oxfords/Bass/7976075.86183.jpg   \n",
       "1156                Shoes/Oxfords/Bass/8046243.7492.jpg   \n",
       "1157               Shoes/Oxfords/Bass/7505581.16583.jpg   \n",
       "1158               Shoes/Oxfords/Bass/8125248.43856.jpg   \n",
       "1159               Shoes/Oxfords/Bass/7670028.21224.jpg   \n",
       "1160                 Shoes/Oxfords/Bass/7505665.691.jpg   \n",
       "1161                Shoes/Oxfords/Bass/8046243.7492.jpg   \n",
       "1162               Shoes/Oxfords/Bass/7505581.16583.jpg   \n",
       "1163               Shoes/Oxfords/Bass/8125248.43856.jpg   \n",
       "1164               Shoes/Oxfords/Bass/7670028.21224.jpg   \n",
       "1165                 Shoes/Oxfords/Bass/7505665.691.jpg   \n",
       "1166               Shoes/Oxfords/Bass/7505581.16583.jpg   \n",
       "1167               Shoes/Oxfords/Bass/8125248.43856.jpg   \n",
       "1168               Shoes/Oxfords/Bass/7670028.21224.jpg   \n",
       "1169                 Shoes/Oxfords/Bass/7505665.691.jpg   \n",
       "1170               Shoes/Oxfords/Bass/8125248.43856.jpg   \n",
       "1171               Shoes/Oxfords/Bass/7670028.21224.jpg   \n",
       "1172                 Shoes/Oxfords/Bass/7505665.691.jpg   \n",
       "1173               Shoes/Oxfords/Bass/7670028.21224.jpg   \n",
       "1174                 Shoes/Oxfords/Bass/7505665.691.jpg   \n",
       "1175                 Shoes/Oxfords/Bass/7505665.691.jpg   \n",
       "\n",
       "                                                   img2  label  \n",
       "0     Boots/Knee High/Tommy Hilfiger Kids/8027756.40...   0.00  \n",
       "1     Boots/Knee High/Tommy Hilfiger Kids/8027756.40...   0.94  \n",
       "2     Boots/Knee High/Tommy Hilfiger Kids/8027756.40...   0.95  \n",
       "3     Boots/Knee High/Tommy Hilfiger Kids/8027756.40...   1.00  \n",
       "4     Boots/Knee High/Tommy Hilfiger Kids/8027756.40...   1.00  \n",
       "5     Boots/Knee High/Tommy Hilfiger Kids/8027756.40...   1.00  \n",
       "6     Boots/Knee High/Tommy Hilfiger Kids/8027756.40...   1.00  \n",
       "7     Boots/Knee High/Tommy Hilfiger Kids/8027756.40...   1.00  \n",
       "8     Boots/Knee High/Tommy Hilfiger Kids/8027756.40...   1.00  \n",
       "9     Boots/Knee High/Tommy Hilfiger Kids/8027756.40...   1.00  \n",
       "10    Boots/Knee High/Tommy Hilfiger Kids/8027756.40...   1.00  \n",
       "11    Boots/Knee High/Tommy Hilfiger Kids/8027756.40...   1.00  \n",
       "12    Boots/Knee High/Tommy Hilfiger Kids/8027756.40...   1.00  \n",
       "13    Boots/Knee High/Tommy Hilfiger Kids/8027756.40...   1.00  \n",
       "14    Boots/Knee High/Tommy Hilfiger Kids/8027756.40...   1.00  \n",
       "15    Boots/Knee High/Tommy Hilfiger Kids/8027756.40...   1.00  \n",
       "16    Boots/Knee High/Tommy Hilfiger Kids/8027756.40...   1.00  \n",
       "17    Boots/Knee High/Tommy Hilfiger Kids/8027756.40...   1.00  \n",
       "18    Boots/Knee High/Tommy Hilfiger Kids/8027756.40...   1.00  \n",
       "19    Boots/Knee High/Tommy Hilfiger Kids/8027756.40...   1.00  \n",
       "20    Boots/Knee High/Tommy Hilfiger Kids/8027756.40...   1.00  \n",
       "21    Boots/Knee High/Tommy Hilfiger Kids/8027756.40...   1.00  \n",
       "22    Boots/Knee High/Tommy Hilfiger Kids/8027756.40...   1.00  \n",
       "23    Boots/Knee High/Tommy Hilfiger Kids/8027756.40...   1.00  \n",
       "24    Boots/Knee High/Tommy Hilfiger Kids/8027756.40...   1.00  \n",
       "25    Boots/Knee High/Tommy Hilfiger Kids/8027756.40...   1.00  \n",
       "26    Boots/Knee High/Tommy Hilfiger Kids/8027756.40...   1.00  \n",
       "27    Boots/Knee High/Tommy Hilfiger Kids/8027756.40...   1.00  \n",
       "28    Boots/Knee High/Tommy Hilfiger Kids/8027756.40...   1.00  \n",
       "29    Boots/Knee High/Tommy Hilfiger Kids/8027756.40...   1.00  \n",
       "...                                                 ...    ...  \n",
       "1146              Shoes/Oxfords/Bass/7563706.310217.jpg   0.94  \n",
       "1147              Shoes/Oxfords/Bass/7563706.310217.jpg   0.94  \n",
       "1148                   Shoes/Oxfords/Bass/7587764.3.jpg   0.00  \n",
       "1149                   Shoes/Oxfords/Bass/7587764.3.jpg   0.94  \n",
       "1150                   Shoes/Oxfords/Bass/7587764.3.jpg   0.94  \n",
       "1151                   Shoes/Oxfords/Bass/7587764.3.jpg   0.94  \n",
       "1152                   Shoes/Oxfords/Bass/7587764.3.jpg   0.94  \n",
       "1153                   Shoes/Oxfords/Bass/7587764.3.jpg   0.94  \n",
       "1154                   Shoes/Oxfords/Bass/7587764.3.jpg   0.94  \n",
       "1155               Shoes/Oxfords/Bass/7976075.86183.jpg   0.00  \n",
       "1156               Shoes/Oxfords/Bass/7976075.86183.jpg   0.94  \n",
       "1157               Shoes/Oxfords/Bass/7976075.86183.jpg   0.94  \n",
       "1158               Shoes/Oxfords/Bass/7976075.86183.jpg   0.94  \n",
       "1159               Shoes/Oxfords/Bass/7976075.86183.jpg   0.94  \n",
       "1160               Shoes/Oxfords/Bass/7976075.86183.jpg   0.94  \n",
       "1161                Shoes/Oxfords/Bass/8046243.7492.jpg   0.00  \n",
       "1162                Shoes/Oxfords/Bass/8046243.7492.jpg   0.94  \n",
       "1163                Shoes/Oxfords/Bass/8046243.7492.jpg   0.94  \n",
       "1164                Shoes/Oxfords/Bass/8046243.7492.jpg   0.94  \n",
       "1165                Shoes/Oxfords/Bass/8046243.7492.jpg   0.94  \n",
       "1166               Shoes/Oxfords/Bass/7505581.16583.jpg   0.00  \n",
       "1167               Shoes/Oxfords/Bass/7505581.16583.jpg   0.94  \n",
       "1168               Shoes/Oxfords/Bass/7505581.16583.jpg   0.94  \n",
       "1169               Shoes/Oxfords/Bass/7505581.16583.jpg   0.94  \n",
       "1170               Shoes/Oxfords/Bass/8125248.43856.jpg   0.00  \n",
       "1171               Shoes/Oxfords/Bass/8125248.43856.jpg   0.94  \n",
       "1172               Shoes/Oxfords/Bass/8125248.43856.jpg   0.94  \n",
       "1173               Shoes/Oxfords/Bass/7670028.21224.jpg   0.00  \n",
       "1174               Shoes/Oxfords/Bass/7670028.21224.jpg   0.94  \n",
       "1175                 Shoes/Oxfords/Bass/7505665.691.jpg   0.00  \n",
       "\n",
       "[1176 rows x 3 columns]"
      ]
     },
     "execution_count": 54,
     "metadata": {},
     "output_type": "execute_result"
    }
   ],
   "source": [
    "ZAPPOS50K_TUPLES_PARTIAL_INDEX_TRAIN = WORKING_DIR+'/zappos50k-partial-tuples-index-train.csv'\n",
    "ZAPPOS50K_TUPLES_PARTIAL_INDEX_TEST = WORKING_DIR+'/zappos50k-partial-tuples-index-test.csv'\n",
    "\n",
    "generate_tuples_sample_index(ZAPPOS50K_PARTIAL_INDEX_TRAIN, ZAPPOS50K_TUPLES_PARTIAL_INDEX_TRAIN)\n",
    "generate_tuples_sample_index(ZAPPOS50K_PARTIAL_INDEX_TEST, ZAPPOS50K_TUPLES_PARTIAL_INDEX_TEST)"
   ]
  },
  {
   "cell_type": "markdown",
   "metadata": {},
   "source": [
    "## Generate Index for Full Zappos50k Data Set"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 55,
   "metadata": {},
   "outputs": [],
   "source": [
    "CATEGORY_IDX = {\n",
    "                    \"Shoes\":{\n",
    "                        \"i\":-1,\n",
    "                        \"r\":[-1,-1],\n",
    "                        \"Sneakers and Athletic Shoes\":{\n",
    "                            \"i\":-1,\n",
    "                            \"r\":[-1,-1]\n",
    "                        },\n",
    "                        \"Loafers\":{\n",
    "                            \"i\":-1,\n",
    "                            \"r\":[-1,-1]\n",
    "                        },\n",
    "                        \"Crib Shoes\":{\n",
    "                            \"i\":-1,\n",
    "                            \"r\":[-1,-1] \n",
    "                        },\n",
    "                        \"Prewalker\":{\n",
    "                            \"i\":-1,\n",
    "                            \"r\":[-1,-1]\n",
    "                        },\n",
    "                        \"Flats\":{\n",
    "                            \"i\":-1,\n",
    "                            \"r\":[-1,-1]\n",
    "                        },\n",
    "                        \"Clogs and Mules\":{\n",
    "                            \"i\":-1,\n",
    "                            \"r\":[-1,-1]\n",
    "                        },\n",
    "                        \"Oxfords\":{\n",
    "                            \"i\":-1,\n",
    "                            \"r\":[-1,-1]\n",
    "                        },\n",
    "                        \"Firstwalker\":{\n",
    "                            \"i\":-1,\n",
    "                            \"r\":[-1,-1]\n",
    "                        },\n",
    "                        \"Heels\":{\n",
    "                            \"i\":-1,\n",
    "                            \"r\":[-1,-1]\n",
    "                        },\n",
    "                        \"Boat Shoes\":{\n",
    "                            \"i\":-1,\n",
    "                            \"r\":[-1,-1]\n",
    "                        }\n",
    "                    },\n",
    "                    \"Boots\":{\n",
    "                        \"i\":-1,\n",
    "                        \"r\":[-1,-1],\n",
    "                        \"Prewalker Boots\":{\n",
    "                            \"i\":-1,\n",
    "                            \"r\":[-1,-1]\n",
    "                        },\n",
    "                        \"Ankle\":{\n",
    "                            \"i\":-1,\n",
    "                            \"r\":[-1,-1]\n",
    "                        },\n",
    "                        \"Over the Knee\":{\n",
    "                            \"i\":-1,\n",
    "                            \"r\":[-1,-1]\n",
    "                        },\n",
    "                        \"Knee High\":{\n",
    "                            \"i\":-1,\n",
    "                            \"r\":[-1,-1]\n",
    "                        },\n",
    "                        \"Mid-Calf\":{\n",
    "                            \"i\":-1,\n",
    "                            \"r\":[-1,-1]\n",
    "                        }\n",
    "                    },\n",
    "                    \"Slippers\":{\n",
    "                        \"i\":-1,\n",
    "                        \"r\":[-1,-1],\n",
    "                        \"Boot\":{\n",
    "                            \"i\":-1,\n",
    "                            \"r\":[-1,-1]\n",
    "                        },\n",
    "                        \"Slipper Heels\":{\n",
    "                            \"i\":-1,\n",
    "                            \"r\":[-1,-1]\n",
    "                        },\n",
    "                        \"Slipper Flats\":{\n",
    "                            \"i\":-1,\n",
    "                            \"r\":[-1,-1]\n",
    "                        }\n",
    "                    },\n",
    "                    \"Sandals\":{\n",
    "                        \"i\":-1,\n",
    "                        \"r\":[-1,-1],\n",
    "                        \"Athletic\":{\n",
    "                            \"i\":-1,\n",
    "                            \"r\":[-1,-1]\n",
    "                        },\n",
    "                        \"Heel\":{\n",
    "                            \"i\":-1,\n",
    "                            \"r\":[-1,-1]\n",
    "                        },\n",
    "                        \"Flat\":{\n",
    "                            \"i\":-1,\n",
    "                            \"r\":[-1,-1]\n",
    "                        }\n",
    "                    }\n",
    "               }\n",
    "\n",
    "IMG_BLACK_LIST = ['Boots/Mid-Calf/Primigi Kids/8022041.89.jpg',\n",
    "                  'Boots/Mid-Calf/Roper Kids/7675771.248592.jpg',\n",
    "                  'Shoes/Sneakers and Athletic Shoes/Puma Kids/7587775.215216.jpg',\n",
    "                  'Shoes/Sneakers and Athletic Shoes/Puma Kids/7649123.238814.jpg',\n",
    "                  'Shoes/Heels/Aravon/8003190.2783.jpg',\n",
    "                  'Shoes/Sneakers and Athletic Shoes/Puma Kids/7649125.238816.jpg']\n",
    "\n",
    "def generate_zappos50k_index() :    \n",
    "    \n",
    "    with open(ZAPPOS50K_INDEX, 'w') as idxfile:\n",
    "        \n",
    "        try:\n",
    "           \n",
    "            csvwriter = csv.writer(idxfile)\n",
    "            i= 0\n",
    "            for category in os.listdir(ROOT_DATA_DIR):\n",
    "                \n",
    "                print(category+\": \"+str(i))\n",
    "                cid = int(hashlib.sha256(category.encode('utf-8')).hexdigest(), 16) % 10**9\n",
    "                \n",
    "                CATEGORY_IDX[category][\"i\"] = cid\n",
    "                CATEGORY_IDX[category][\"r\"][0] = i\n",
    "\n",
    "                for subcat in os.listdir(ROOT_DATA_DIR+category):\n",
    "                    print(\"  \"+subcat+\": \"+str(i))\n",
    "                    scid = int(hashlib.sha256(subcat.encode('utf-8')).hexdigest(), 16) % 10**9\n",
    "                    \n",
    "                    CATEGORY_IDX[category][subcat][\"i\"] = scid\n",
    "                    CATEGORY_IDX[category][subcat][\"r\"][0] = i\n",
    "                    \n",
    "                    for (root,dirs,files) in os.walk(ROOT_DATA_DIR+category+'/'+subcat):          \n",
    "                        for f in files:\n",
    "                            \n",
    "                            img_path = os.path.join(root.replace(ROOT_DATA_DIR,''),f)\n",
    "                            if img_path not in IMG_BLACK_LIST :\n",
    "                                csvwriter.writerow([img_path,cid,scid])\n",
    "                                i= i+1\n",
    "                \n",
    "                    CATEGORY_IDX[category][subcat][\"r\"][1] = i-1                    \n",
    "                CATEGORY_IDX[category][\"r\"][1] = i-1\n",
    "                \n",
    "        except csv.Error as e:\n",
    "            print(e)\n",
    "\n",
    "        finally:\n",
    "            idxfile.close()   "
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 57,
   "metadata": {},
   "outputs": [
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "Boots: 0\n",
      "  Over the Knee: 0\n",
      "  Prewalker Boots: 49\n",
      "  Mid-Calf: 51\n",
      "  Ankle: 4775\n",
      "  Knee High: 10630\n",
      "Shoes: 12832\n",
      "  Flats: 12832\n",
      "  Clogs and Mules: 16826\n",
      "  Sneakers and Athletic Shoes: 18253\n",
      "  Crib Shoes: 31109\n",
      "  Loafers: 31132\n",
      "  Heels: 34007\n",
      "  Oxfords: 39745\n",
      "  Firstwalker: 41789\n",
      "  Boat Shoes: 42158\n",
      "  Prewalker: 42787\n",
      "Slippers: 43036\n",
      "  Slipper Flats: 43036\n",
      "  Boot: 44295\n",
      "  Slipper Heels: 44309\n",
      "Sandals: 44319\n",
      "  Flat: 44319\n",
      "  Athletic: 49920\n",
      "  Heel: 49934\n",
      "{\n",
      "    \"Shoes\": {\n",
      "        \"i\": 746698023,\n",
      "        \"r\": [\n",
      "            12832,\n",
      "            43035\n",
      "        ],\n",
      "        \"Sneakers and Athletic Shoes\": {\n",
      "            \"i\": 844163951,\n",
      "            \"r\": [\n",
      "                18253,\n",
      "                31108\n",
      "            ]\n",
      "        },\n",
      "        \"Loafers\": {\n",
      "            \"i\": 125610153,\n",
      "            \"r\": [\n",
      "                31132,\n",
      "                34006\n",
      "            ]\n",
      "        },\n",
      "        \"Crib Shoes\": {\n",
      "            \"i\": 305734478,\n",
      "            \"r\": [\n",
      "                31109,\n",
      "                31131\n",
      "            ]\n",
      "        },\n",
      "        \"Prewalker\": {\n",
      "            \"i\": 651163850,\n",
      "            \"r\": [\n",
      "                42787,\n",
      "                43035\n",
      "            ]\n",
      "        },\n",
      "        \"Flats\": {\n",
      "            \"i\": 495965819,\n",
      "            \"r\": [\n",
      "                12832,\n",
      "                16825\n",
      "            ]\n",
      "        },\n",
      "        \"Clogs and Mules\": {\n",
      "            \"i\": 55293501,\n",
      "            \"r\": [\n",
      "                16826,\n",
      "                18252\n",
      "            ]\n",
      "        },\n",
      "        \"Oxfords\": {\n",
      "            \"i\": 904836252,\n",
      "            \"r\": [\n",
      "                39745,\n",
      "                41788\n",
      "            ]\n",
      "        },\n",
      "        \"Firstwalker\": {\n",
      "            \"i\": 542200525,\n",
      "            \"r\": [\n",
      "                41789,\n",
      "                42157\n",
      "            ]\n",
      "        },\n",
      "        \"Heels\": {\n",
      "            \"i\": 110651878,\n",
      "            \"r\": [\n",
      "                34007,\n",
      "                39744\n",
      "            ]\n",
      "        },\n",
      "        \"Boat Shoes\": {\n",
      "            \"i\": 416633218,\n",
      "            \"r\": [\n",
      "                42158,\n",
      "                42786\n",
      "            ]\n",
      "        }\n",
      "    },\n",
      "    \"Boots\": {\n",
      "        \"i\": 389354547,\n",
      "        \"r\": [\n",
      "            0,\n",
      "            12831\n",
      "        ],\n",
      "        \"Prewalker Boots\": {\n",
      "            \"i\": 561917963,\n",
      "            \"r\": [\n",
      "                49,\n",
      "                50\n",
      "            ]\n",
      "        },\n",
      "        \"Ankle\": {\n",
      "            \"i\": 195126804,\n",
      "            \"r\": [\n",
      "                4775,\n",
      "                10629\n",
      "            ]\n",
      "        },\n",
      "        \"Over the Knee\": {\n",
      "            \"i\": 661573347,\n",
      "            \"r\": [\n",
      "                0,\n",
      "                48\n",
      "            ]\n",
      "        },\n",
      "        \"Knee High\": {\n",
      "            \"i\": 499094849,\n",
      "            \"r\": [\n",
      "                10630,\n",
      "                12831\n",
      "            ]\n",
      "        },\n",
      "        \"Mid-Calf\": {\n",
      "            \"i\": 24057170,\n",
      "            \"r\": [\n",
      "                51,\n",
      "                4774\n",
      "            ]\n",
      "        }\n",
      "    },\n",
      "    \"Slippers\": {\n",
      "        \"i\": 915720129,\n",
      "        \"r\": [\n",
      "            43036,\n",
      "            44318\n",
      "        ],\n",
      "        \"Boot\": {\n",
      "            \"i\": 690912193,\n",
      "            \"r\": [\n",
      "                44295,\n",
      "                44308\n",
      "            ]\n",
      "        },\n",
      "        \"Slipper Heels\": {\n",
      "            \"i\": 701404871,\n",
      "            \"r\": [\n",
      "                44309,\n",
      "                44318\n",
      "            ]\n",
      "        },\n",
      "        \"Slipper Flats\": {\n",
      "            \"i\": 28069733,\n",
      "            \"r\": [\n",
      "                43036,\n",
      "                44294\n",
      "            ]\n",
      "        }\n",
      "    },\n",
      "    \"Sandals\": {\n",
      "        \"i\": 924537161,\n",
      "        \"r\": [\n",
      "            44319,\n",
      "            50059\n",
      "        ],\n",
      "        \"Athletic\": {\n",
      "            \"i\": 233225143,\n",
      "            \"r\": [\n",
      "                49920,\n",
      "                49933\n",
      "            ]\n",
      "        },\n",
      "        \"Heel\": {\n",
      "            \"i\": 297700650,\n",
      "            \"r\": [\n",
      "                49934,\n",
      "                50059\n",
      "            ]\n",
      "        },\n",
      "        \"Flat\": {\n",
      "            \"i\": 939964567,\n",
      "            \"r\": [\n",
      "                44319,\n",
      "                49919\n",
      "            ]\n",
      "        }\n",
      "    }\n",
      "}\n"
     ]
    }
   ],
   "source": [
    "import json\n",
    "\n",
    "generate_zappos50k_index()\n",
    "print(json.dumps(CATEGORY_IDX, indent=4))"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 58,
   "metadata": {},
   "outputs": [],
   "source": [
    "def get_random_img(img_idx, df_idx, df_row, cat, sub_cat):\n",
    "\n",
    "    r = CATEGORY_IDX[cat][sub_cat]['r']\n",
    "    \n",
    "    rd = df_idx\n",
    "    while (rd == df_idx):\n",
    "        rd = rand.randint(r[0],r[1])\n",
    "    \n",
    "    return [df_row['img'],\n",
    "            img_idx.iloc[rd,0],\n",
    "            WEIGHT_DIFF_IMG\n",
    "            -((df_row['cat'] == CATEGORY_IDX[cat]['i'])*PARAM_SAME_CATEGORY_WEIGHTING)\n",
    "            -((df_row['sub_cat'] == CATEGORY_IDX[cat][sub_cat]['i'])*PARAM_SAME_SUBCATEGORY_WEIGHTING)]\n",
    "           \n",
    "def generate_zappos50k_tuples_index(train_test_split=80) :    \n",
    "       \n",
    "    with open(ZAPPOS50K_TUPLES_INDEX_TRAIN, 'w') as train_ds, open(ZAPPOS50K_TUPLES_INDEX_TEST, 'w') as test_ds:\n",
    "        \n",
    "        try:        \n",
    "            train_writer = csv.writer(train_ds)   \n",
    "            test_writer = csv.writer(test_ds)  \n",
    "            \n",
    "            img_idx = pd.read_csv(ZAPPOS50K_INDEX, header=None, names=['img','cat','sub_cat'])\n",
    "            \n",
    "            for (df_idx,df_row) in img_idx.iterrows():\n",
    "               \n",
    "                rows = [[df_row['img'],df_row['img'],WEIGHT_SAME_IMG]]       \n",
    "                rows.append(get_random_img(img_idx, df_idx, df_row, 'Shoes', 'Sneakers and Athletic Shoes'))\n",
    "                rows.append(get_random_img(img_idx, df_idx, df_row, 'Shoes', 'Loafers'))\n",
    "                rows.append(get_random_img(img_idx, df_idx, df_row, 'Shoes', 'Crib Shoes'))\n",
    "                rows.append(get_random_img(img_idx, df_idx, df_row, 'Shoes', 'Prewalker'))\n",
    "                rows.append(get_random_img(img_idx, df_idx, df_row, 'Shoes', 'Flats'))\n",
    "                rows.append(get_random_img(img_idx, df_idx, df_row, 'Shoes', 'Clogs and Mules'))\n",
    "                rows.append(get_random_img(img_idx, df_idx, df_row, 'Shoes', 'Oxfords'))\n",
    "                rows.append(get_random_img(img_idx, df_idx, df_row, 'Shoes', 'Firstwalker'))\n",
    "                rows.append(get_random_img(img_idx, df_idx, df_row, 'Shoes', 'Heels'))\n",
    "                rows.append(get_random_img(img_idx, df_idx, df_row, 'Shoes', 'Boat Shoes'))\n",
    "                rows.append(get_random_img(img_idx, df_idx, df_row, 'Shoes', 'Oxfords'))\n",
    "                rows.append(get_random_img(img_idx, df_idx, df_row, 'Boots', 'Prewalker Boots'))\n",
    "                rows.append(get_random_img(img_idx, df_idx, df_row, 'Boots', 'Ankle'))\n",
    "                rows.append(get_random_img(img_idx, df_idx, df_row, 'Boots', 'Over the Knee'))\n",
    "                rows.append(get_random_img(img_idx, df_idx, df_row, 'Boots', 'Knee High'))\n",
    "                rows.append(get_random_img(img_idx, df_idx, df_row, 'Boots', 'Mid-Calf'))\n",
    "                rows.append(get_random_img(img_idx, df_idx, df_row, 'Slippers', 'Boot'))\n",
    "                rows.append(get_random_img(img_idx, df_idx, df_row, 'Slippers', 'Slipper Heels'))\n",
    "                rows.append(get_random_img(img_idx, df_idx, df_row, 'Slippers', 'Slipper Flats'))\n",
    "                rows.append(get_random_img(img_idx, df_idx, df_row, 'Sandals', 'Athletic'))\n",
    "                rows.append(get_random_img(img_idx, df_idx, df_row, 'Sandals', 'Heel'))\n",
    "                rows.append(get_random_img(img_idx, df_idx, df_row, 'Sandals', 'Flat'))\n",
    "                \n",
    "                if (rand.randint(1,100) > train_test_split) :\n",
    "                    test_writer.writerows(rows)\n",
    "                else:\n",
    "                    train_writer.writerows(rows)\n",
    "                    \n",
    "        except csv.Error as e:\n",
    "            print(e)\n",
    "\n",
    "        finally:\n",
    "            train_ds.close()\n",
    "            test_ds.close()             "
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 59,
   "metadata": {},
   "outputs": [],
   "source": [
    "generate_zappos50k_tuples_index(90)"
   ]
  },
  {
   "cell_type": "markdown",
   "metadata": {},
   "source": [
    "## Generate NPY Tensors for Batch Inference Input"
   ]
  },
  {
   "cell_type": "markdown",
   "metadata": {},
   "source": [
    "The script below generate input files in NPY format that is required by the batch inference implementation. \n",
    "\n",
    "Each file contains images that have been converted to numpy arrays and serialized into gzip files (using Pickle).\n",
    "\n",
    "Each file contains an array consisting of 4 dimensions: \n",
    "    1. Batch size\n",
    "    2. Channels. The tensors have 3 representing RGB\n",
    "    3. The last two dimensions are 224x224 representing the pixel values for each image and channel.\n",
    "    \n",
    "The first array represents the image that will be compared against other images. For instance, a file that contains\n",
    "a tensor with the dimensions [53,3,224,224], represents 53 vecotrized images. The first index into the first dimension represents an image of the shape [1,3,224,224] that will be compared against the other slices that represent 52 images\n",
    "of the same shape."
   ]
  },
  {
   "cell_type": "code",
   "execution_count": 34,
   "metadata": {},
   "outputs": [],
   "source": [
    "sagemaker_session = sagemaker.Session()\n",
    "BUCKET = sagemaker_session.default_bucket()\n",
    "PREFIX = 'sagemaker/DEMO-pytorch-siamese-network'\n",
    "DATA_S3URI = \"s3://\"+BUCKET+'/'+PREFIX+'/data'\n",
    "\n",
    "BATCH_INPUT_PREFIX = PREFIX+'/batch/in'\n",
    "BATCH_OUTPUT_PREFIX = PREFIX+'/batch/out'\n",
    "IMG_TENSOR_ROOT = WORKING_DIR+'/tensors'\n",
    "BATCH_INPUT_FILENAME = '/tensors'\n",
    "\n",
    "TRANSFORMATIONS = \\\n",
    "transforms.Compose([\n",
    "    transforms.Resize(224), \\\n",
    "    transforms.ToTensor(), \\\n",
    "    transforms.Normalize(mean=[0.485, 0.456, 0.406],std=[0.229, 0.224, 0.225]) \\\n",
    "])\n",
    "\n",
    "def getImageTensor(img_path, transform):\n",
    "    \n",
    "    image = Image.open(img_path)\n",
    "    image_tensor = transform(image)\n",
    "        \n",
    "    return image_tensor\n",
    "\n",
    "def batch_image_to_tensor_tuples(img_loc, dataloader, file_prefix, s3_prefix_out) :\n",
    "                        \n",
    "    img1 = getImageTensor(img_loc, TRANSFORMATIONS)\n",
    "    img1.unsqueeze_(0)\n",
    "    img1 = img1.numpy()\n",
    "\n",
    "    npy_prefix = IMG_TENSOR_ROOT+file_prefix+BATCH_INPUT_FILENAME\n",
    "    \n",
    "    if not os.path.exists(IMG_TENSOR_ROOT+file_prefix):\n",
    "        os.makedirs(IMG_TENSOR_ROOT+file_prefix)\n",
    "           \n",
    "    nbatch = 1\n",
    "    \n",
    "    for data in dataloader:\n",
    "\n",
    "        img_name = data.get('name')\n",
    "        img2 = data.get('tensor').numpy()                \n",
    "        batch = np.vstack((img1,img2))\n",
    "\n",
    "        npy_f = npy_prefix+str(nbatch)+'.npy.gz'\n",
    "                           \n",
    "        with gzip.open(npy_f, 'wb') as npy:\n",
    "\n",
    "            try:\n",
    "                pickle.dump((img_name,batch), npy, 2)\n",
    "            finally:\n",
    "                npy.close()\n",
    "                sagemaker_session.upload_data(path=npy_f, bucket=BUCKET, key_prefix=s3_prefix_out)\n",
    "                \n",
    "                #clean up local files\n",
    "                os.remove(npy_f)\n",
    "                \n",
    "                print(\"completed: \"+npy_f)\n",
    "                nbatch+=1\n",
    "            \n",
    "class Zappos50kDataset(Dataset):\n",
    "   \n",
    "    def __init__(self, csv_file, root_dir, transform=None):\n",
    "        self.index = pd.read_csv(csv_file, header=None, usecols = [0,1])\n",
    "        self.root_dir = root_dir\n",
    "        self.transform = transform\n",
    "  \n",
    "    def __len__(self):\n",
    "        return self.index.shape[0]\n",
    "\n",
    "    def __getitem__(self, idx):\n",
    "        img_name = os.path.join(self.root_dir, self.index.iloc[idx, 0])\n",
    "        image = Image.open(img_name)\n",
    "        image_tensor = self.transform(image)\n",
    "        \n",
    "        return {'name': self.index.iloc[idx, 0], 'tensor': image_tensor}\n",
    "\n",
    "def convert_images_to_tensors(df) :\n",
    "\n",
    "    DATA_DIR = WORKING_DIR+'/ut-zap50k-images-square'\n",
    "    BATCH_INPUT_PREFIX = 'sagemaker/DEMO-pytorch-siamese-network/batch/in'\n",
    "    PARAM_BATCH_SIZE = 32\n",
    "    \n",
    "    zapposDS = Zappos50kDataset(ZAPPOS50K_INDEX, DATA_DIR, TRANSFORMATIONS)\n",
    "    zapposDL = torch.utils.data.DataLoader(dataset=zapposDS, batch_size= PARAM_BATCH_SIZE, shuffle=False)\n",
    "\n",
    "    for (i,r) in df.iterrows() :\n",
    "            \n",
    "        img_loc = DATA_DIR + '/' + r['img']\n",
    "        path, file = os.path.split(img_loc)\n",
    "        file_prefix = path.replace(DATA_DIR, '')+'/'+os.path.splitext(file)[0]\n",
    "        batch_image_to_tensor_tuples(img_loc, zapposDL, file_prefix, BATCH_INPUT_PREFIX+file_prefix)"
   ]
  },
  {
   "cell_type": "code",
   "execution_count": null,
   "metadata": {},
   "outputs": [
    {
     "name": "stdout",
     "output_type": "stream",
     "text": [
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors2.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors3.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors4.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors5.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors6.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors7.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors8.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors9.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors10.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors11.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors12.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors13.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors14.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors15.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors16.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors17.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors18.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors19.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors20.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors21.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors22.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors23.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors24.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors25.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors26.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors27.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors28.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors29.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors30.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors31.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors32.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors33.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors34.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors35.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors36.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors37.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors38.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors39.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors40.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors41.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors42.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors43.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors44.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors45.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors46.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors47.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors48.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors49.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors50.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors51.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors52.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors53.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors54.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors55.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors56.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors57.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors58.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors59.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors60.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors61.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors62.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors63.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors64.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors65.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors66.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors67.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors68.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors69.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors70.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors71.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors72.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors73.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors74.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors75.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors76.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors77.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors78.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors79.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors80.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors81.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors82.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors83.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors84.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors85.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors86.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors87.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors88.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors89.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors90.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors91.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors92.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors93.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors94.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors95.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors96.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors97.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors98.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors99.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors100.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors101.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors102.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors103.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors104.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors105.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors106.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors107.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors108.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors109.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors110.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors111.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors112.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors113.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors114.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors115.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors116.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors117.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors118.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors119.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors120.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors121.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors122.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors123.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors124.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors125.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors126.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors127.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors128.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors129.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors130.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors131.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors132.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors133.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors134.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors135.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors136.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors137.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors138.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors139.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors140.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors141.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors142.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors143.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors144.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors145.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors146.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors147.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors148.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors149.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors150.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors151.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors152.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors153.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors154.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors155.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors156.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors157.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors158.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors159.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors160.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors161.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors162.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors163.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors164.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors165.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors166.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors167.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors168.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors169.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors170.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors171.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors172.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors173.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors174.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors175.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors176.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors177.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors178.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors179.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors180.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors181.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors182.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors183.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors184.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors185.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors186.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors187.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors188.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors189.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors190.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors191.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors192.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors193.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors194.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors195.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors196.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors197.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors198.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors199.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors200.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors201.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors202.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors203.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors204.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors205.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors206.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors207.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors208.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors209.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors210.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors211.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors212.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors213.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors214.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors215.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors216.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors217.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors218.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors219.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors220.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors221.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors222.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors223.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors224.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors225.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors226.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors227.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors228.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors229.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors230.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors231.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors232.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors233.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors234.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors235.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors236.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors237.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors238.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors239.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors240.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors241.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors242.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors243.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors244.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors245.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors246.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors247.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors248.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors249.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors250.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors251.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors252.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors253.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors254.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors255.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors256.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors257.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors258.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors259.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors260.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors261.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors262.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors263.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors264.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors265.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors266.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors267.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors268.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors269.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors270.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors271.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors272.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors273.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors274.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors275.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors276.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors277.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors278.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors279.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors280.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors281.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors282.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors283.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors284.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors285.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors286.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors287.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors288.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors289.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors290.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors291.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors292.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors293.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors294.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors295.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors296.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors297.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors298.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors299.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors300.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors301.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors302.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors303.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors304.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors305.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors306.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors307.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors308.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors309.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors310.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors311.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors312.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors313.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors314.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors315.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors316.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors317.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors318.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors319.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors320.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors321.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors322.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors323.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors324.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors325.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors326.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors327.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors328.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors329.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors330.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors331.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors332.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors333.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors334.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors335.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors336.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors337.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors338.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors339.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors340.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors341.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors342.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors343.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors344.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors345.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors346.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors347.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors348.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors349.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors350.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors351.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors352.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors353.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors354.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors355.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors356.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors357.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors358.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors359.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors360.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors361.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors362.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors363.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors364.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors365.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors366.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors367.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors368.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors369.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors370.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors371.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors372.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors373.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors374.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors375.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors376.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors377.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors378.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors379.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors380.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors381.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors382.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors383.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors384.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors385.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors386.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors387.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors388.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors389.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors390.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors391.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors392.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors393.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors394.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors395.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors396.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors397.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors398.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors399.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors400.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors401.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors402.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors403.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors404.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors405.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors406.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors407.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors408.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors409.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors410.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors411.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors412.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors413.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors414.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors415.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors416.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors417.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors418.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors419.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors420.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors421.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors422.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors423.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors424.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors425.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors426.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors427.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors428.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors429.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors430.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors431.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors432.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors433.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors434.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors435.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors436.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors437.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors438.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors439.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors440.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors441.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors442.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors443.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors444.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors445.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors446.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors447.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors448.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors449.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors450.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors451.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors452.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors453.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors454.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors455.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors456.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors457.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors458.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors459.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors460.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors461.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors462.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors463.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors464.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors465.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors466.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors467.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors468.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors469.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors470.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors471.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors472.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors473.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors474.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors475.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors476.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors477.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors478.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors479.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors480.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors481.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors482.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors483.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors484.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors485.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors486.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors487.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors488.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors489.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors490.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors491.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors492.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors493.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors494.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors495.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors496.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors497.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors498.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors499.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors500.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors501.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors502.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors503.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors504.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors505.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors506.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors507.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors508.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors509.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors510.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors511.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors512.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors513.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors514.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors515.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors516.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors517.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors518.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors519.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors520.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors521.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors522.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors523.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors524.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors525.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors526.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors527.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors528.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors529.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors530.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors531.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors532.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors533.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors534.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors535.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors536.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors537.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors538.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors539.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors540.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors541.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors542.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors543.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors544.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors545.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors546.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors547.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors548.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors549.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors550.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors551.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors552.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors553.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors554.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors555.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors556.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors557.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors558.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors559.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors560.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors561.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors562.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors563.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors564.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors565.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors566.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors567.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors568.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors569.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors570.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors571.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors572.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors573.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors574.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors575.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors576.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors577.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors578.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors579.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors580.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors581.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors582.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors583.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors584.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors585.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors586.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors587.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors588.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors589.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors590.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors591.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors592.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors593.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors594.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors595.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors596.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors597.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors598.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors599.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors600.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors601.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors602.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors603.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors604.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors605.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors606.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors607.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors608.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors609.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors610.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors611.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors612.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors613.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors614.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors615.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors616.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors617.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors618.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors619.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors620.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors621.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors622.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors623.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors624.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors625.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors626.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors627.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors628.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors629.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors630.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors631.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors632.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors633.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors634.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors635.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors636.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors637.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors638.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors639.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors640.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors641.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors642.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors643.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors644.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors645.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors646.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors647.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors648.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors649.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors650.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors651.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors652.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors653.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors654.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors655.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors656.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors657.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors658.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors659.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors660.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors661.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors662.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors663.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors664.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors665.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors666.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors667.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors668.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors669.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors670.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors671.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors672.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors673.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors674.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors675.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors676.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors677.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors678.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors679.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors680.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors681.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors682.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors683.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors684.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors685.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors686.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors687.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors688.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors689.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors690.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors691.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors692.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors693.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors694.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors695.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors696.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors697.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors698.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors699.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors700.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors701.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors702.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors703.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors704.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors705.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors706.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors707.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors708.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors709.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors710.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors711.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors712.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors713.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors714.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors715.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors716.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors717.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors718.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors719.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors720.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors721.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors722.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors723.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors724.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors725.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors726.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors727.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors728.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors729.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors730.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors731.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors732.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors733.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors734.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors735.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors736.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors737.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors738.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors739.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors740.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors741.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors742.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors743.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors744.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors745.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors746.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors747.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors748.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors749.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors750.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors751.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors752.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors753.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors754.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors755.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors756.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors757.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors758.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors759.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors760.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors761.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors762.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors763.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors764.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors765.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors766.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors767.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors768.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors769.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors770.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors771.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors772.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors773.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors774.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors775.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors776.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors777.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors778.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors779.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors780.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors781.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors782.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors783.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors784.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors785.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors786.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors787.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors788.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors789.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors790.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors791.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors792.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors793.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors794.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors795.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors796.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors797.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors798.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors799.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors800.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors801.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors802.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors803.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors804.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors805.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors806.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors807.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors808.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors809.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors810.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors811.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors812.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors813.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors814.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors815.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors816.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors817.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors818.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors819.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors820.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors821.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors822.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors823.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors824.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors825.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors826.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors827.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors828.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors829.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors830.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors831.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors832.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors833.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors834.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors835.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors836.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors837.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors838.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors839.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors840.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors841.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors842.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors843.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors844.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors845.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors846.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors847.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors848.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors849.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors850.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors851.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors852.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors853.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors854.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors855.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors856.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors857.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors858.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors859.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors860.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors861.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors862.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors863.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors864.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors865.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors866.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors867.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors868.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors869.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors870.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors871.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors872.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors873.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors874.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors875.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors876.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors877.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors878.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors879.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors880.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors881.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors882.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors883.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors884.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors885.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors886.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors887.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors888.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors889.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors890.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors891.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors892.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors893.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors894.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors895.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors896.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors897.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors898.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors899.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors900.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors901.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors902.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors903.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors904.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors905.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors906.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors907.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors908.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors909.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors910.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors911.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors912.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors913.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors914.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors915.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors916.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors917.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors918.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors919.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors920.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors921.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors922.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors923.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors924.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors925.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors926.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors927.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors928.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors929.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors930.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors931.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors932.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors933.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors934.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors935.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors936.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors937.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors938.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors939.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors940.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors941.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors942.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors943.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors944.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors945.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors946.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors947.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors948.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors949.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors950.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors951.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors952.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors953.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors954.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors955.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors956.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors957.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors958.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors959.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors960.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors961.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors962.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors963.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors964.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors965.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors966.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors967.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors968.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors969.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors970.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors971.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors972.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors973.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors974.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors975.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors976.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors977.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors978.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors979.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors980.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors981.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors982.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors983.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors984.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors985.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors986.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors987.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors988.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors989.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors990.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors991.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors992.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors993.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors994.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors995.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors996.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors997.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors998.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors999.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1000.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1001.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1002.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1003.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1004.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1005.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1006.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1007.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1008.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1009.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1010.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1011.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1012.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1013.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1014.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1015.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1016.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1017.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1018.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1019.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1020.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1021.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1022.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1023.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1024.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1025.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1026.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1027.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1028.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1029.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1030.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1031.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1032.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1033.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1034.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1035.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1036.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1037.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1038.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1039.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1040.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1041.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1042.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1043.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1044.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1045.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1046.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1047.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1048.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1049.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1050.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1051.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1052.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1053.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1054.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1055.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1056.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1057.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1058.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1059.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1060.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1061.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1062.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1063.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1064.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1065.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1066.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1067.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1068.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1069.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1070.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1071.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1072.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1073.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1074.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1075.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1076.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1077.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1078.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1079.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1080.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1081.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1082.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1083.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1084.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1085.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1086.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1087.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1088.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1089.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1090.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1091.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1092.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1093.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1094.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1095.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1096.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1097.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1098.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1099.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1100.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1101.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1102.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1103.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1104.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1105.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1106.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1107.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1108.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1109.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1110.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1111.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1112.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1113.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1114.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1115.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1116.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1117.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1118.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1119.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1120.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1121.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1122.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1123.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1124.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1125.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1126.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1127.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1128.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1129.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1130.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1131.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1132.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1133.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1134.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1135.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1136.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1137.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1138.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1139.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1140.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1141.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1142.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1143.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1144.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1145.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1146.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1147.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1148.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1149.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1150.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1151.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1152.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1153.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1154.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1155.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1156.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1157.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1158.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1159.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1160.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1161.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1162.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1163.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1164.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1165.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1166.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1167.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1168.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1169.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1170.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1171.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1172.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1173.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1174.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1175.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1176.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1177.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1178.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1179.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1180.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1181.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1182.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1183.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1184.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1185.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1186.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1187.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1188.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1189.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1190.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1191.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1192.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1193.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1194.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1195.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1196.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1197.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1198.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1199.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1200.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1201.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1202.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1203.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1204.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1205.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1206.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1207.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1208.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1209.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1210.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1211.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1212.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1213.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1214.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1215.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1216.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1217.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1218.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1219.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1220.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1221.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1222.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1223.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1224.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1225.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1226.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1227.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1228.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1229.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1230.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1231.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1232.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1233.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1234.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1235.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1236.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1237.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1238.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1239.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1240.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1241.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1242.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1243.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1244.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1245.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1246.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1247.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1248.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1249.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1250.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1251.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1252.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1253.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1254.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1255.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1256.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1257.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1258.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1259.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1260.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1261.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1262.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1263.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1264.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1265.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1266.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1267.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1268.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1269.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1270.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1271.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1272.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1273.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1274.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1275.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1276.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1277.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1278.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1279.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1280.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1281.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1282.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1283.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1284.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1285.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1286.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1287.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1288.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1289.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1290.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1291.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1292.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1293.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1294.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1295.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1296.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1297.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1298.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1299.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1300.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1301.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1302.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1303.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1304.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1305.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1306.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1307.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1308.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1309.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1310.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1311.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1312.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1313.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1314.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1315.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1316.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1317.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1318.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1319.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1320.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1321.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1322.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1323.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1324.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1325.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1326.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1327.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1328.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1329.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1330.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1331.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1332.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1333.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1334.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1335.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1336.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1337.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1338.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1339.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1340.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1341.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1342.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1343.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1344.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1345.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1346.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1347.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1348.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1349.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1350.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1351.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1352.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1353.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1354.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1355.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1356.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1357.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1358.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1359.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1360.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1361.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1362.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1363.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1364.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1365.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1366.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1367.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1368.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1369.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1370.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1371.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1372.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1373.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1374.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1375.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1376.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1377.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1378.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1379.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1380.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1381.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1382.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1383.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1384.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1385.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1386.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1387.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1388.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1389.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1390.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1391.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1392.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1393.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1394.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1395.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1396.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1397.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1398.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1399.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1400.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1401.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1402.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1403.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1404.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1405.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1406.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1407.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1408.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1409.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1410.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1411.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1412.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1413.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1414.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1415.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1416.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1417.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1418.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1419.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1420.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1421.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1422.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1423.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1424.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1425.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1426.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1427.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1428.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1429.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1430.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1431.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1432.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1433.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1434.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1435.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1436.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1437.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1438.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1439.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1440.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1441.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1442.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1443.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1444.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1445.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1446.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1447.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1448.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1449.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1450.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1451.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1452.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1453.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1454.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1455.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1456.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1457.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1458.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1459.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1460.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1461.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1462.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1463.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1464.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1465.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1466.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1467.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1468.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1469.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1470.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1471.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1472.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1473.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1474.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1475.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1476.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1477.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1478.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1479.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1480.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1481.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1482.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1483.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1484.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1485.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1486.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1487.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1488.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1489.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1490.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1491.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1492.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1493.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1494.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1495.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1496.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1497.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1498.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1499.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1500.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1501.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1502.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1503.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1504.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1505.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1506.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1507.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1508.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1509.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1510.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1511.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1512.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1513.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1514.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1515.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1516.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1517.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1518.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1519.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1520.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1521.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1522.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1523.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1524.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1525.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1526.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1527.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1528.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1529.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1530.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1531.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1532.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1533.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1534.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1535.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1536.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1537.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1538.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1539.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1540.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1541.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1542.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1543.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1544.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1545.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1546.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1547.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1548.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1549.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1550.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1551.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1552.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1553.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1554.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1555.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1556.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1557.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1558.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1559.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1560.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1561.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1562.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1563.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1564.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7793422.106/tensors1565.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors2.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors3.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors4.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors5.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors6.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors7.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors8.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors9.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors10.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors11.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors12.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors13.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors14.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors15.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors16.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors17.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors18.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors19.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors20.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors21.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors22.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors23.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors24.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors25.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors26.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors27.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors28.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors29.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors30.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors31.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors32.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors33.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors34.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors35.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors36.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors37.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors38.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors39.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors40.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors41.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors42.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors43.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors44.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors45.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors46.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors47.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors48.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors49.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors50.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors51.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors52.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors53.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors54.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors55.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors56.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors57.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors58.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors59.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors60.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors61.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors62.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors63.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors64.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors65.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors66.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors67.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors68.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors69.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors70.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors71.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors72.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors73.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors74.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors75.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors76.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors77.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors78.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors79.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors80.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors81.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors82.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors83.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors84.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors85.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors86.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors87.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors88.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors89.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors90.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors91.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors92.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors93.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors94.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors95.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors96.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors97.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors98.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors99.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors100.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors101.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors102.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors103.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors104.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors105.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors106.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors107.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors108.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors109.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors110.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors111.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors112.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors113.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors114.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors115.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors116.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors117.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors118.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors119.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors120.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors121.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors122.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors123.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors124.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors125.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors126.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors127.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors128.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors129.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors130.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors131.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors132.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors133.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors134.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors135.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors136.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors137.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors138.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors139.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors140.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors141.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors142.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors143.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors144.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors145.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors146.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors147.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors148.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors149.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors150.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors151.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors152.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors153.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors154.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors155.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors156.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors157.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors158.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors159.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors160.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors161.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors162.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors163.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors164.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors165.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors166.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors167.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors168.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors169.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors170.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors171.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors172.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors173.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors174.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors175.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors176.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors177.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors178.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors179.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors180.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors181.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors182.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors183.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors184.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors185.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors186.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors187.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors188.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors189.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors190.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors191.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors192.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors193.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors194.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors195.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors196.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors197.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors198.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors199.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors200.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors201.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors202.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors203.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors204.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors205.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors206.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors207.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors208.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors209.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors210.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors211.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors212.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors213.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors214.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors215.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors216.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors217.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors218.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors219.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors220.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors221.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors222.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors223.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors224.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors225.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors226.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors227.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors228.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors229.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors230.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors231.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors232.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors233.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors234.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors235.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors236.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors237.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors238.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors239.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors240.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors241.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors242.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors243.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors244.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors245.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors246.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors247.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors248.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors249.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors250.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors251.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors252.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors253.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors254.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors255.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors256.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors257.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors258.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors259.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors260.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors261.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors262.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors263.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors264.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors265.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors266.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors267.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors268.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors269.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors270.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors271.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors272.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors273.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors274.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors275.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors276.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors277.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors278.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors279.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors280.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors281.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors282.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors283.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors284.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors285.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors286.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors287.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors288.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors289.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors290.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors291.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors292.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors293.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors294.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors295.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors296.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors297.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors298.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors299.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors300.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors301.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors302.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors303.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors304.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors305.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors306.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors307.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors308.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors309.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors310.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors311.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors312.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors313.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors314.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors315.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors316.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors317.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors318.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors319.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors320.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors321.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors322.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors323.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors324.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors325.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors326.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors327.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors328.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors329.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors330.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors331.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors332.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors333.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors334.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors335.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors336.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors337.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors338.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors339.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors340.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors341.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors342.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors343.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors344.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors345.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors346.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors347.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors348.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors349.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors350.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors351.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors352.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors353.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors354.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors355.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors356.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors357.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors358.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors359.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors360.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors361.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors362.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors363.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors364.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors365.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors366.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors367.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors368.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors369.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors370.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors371.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors372.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors373.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors374.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors375.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors376.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors377.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors378.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors379.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors380.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors381.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors382.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors383.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors384.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors385.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors386.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors387.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors388.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors389.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors390.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors391.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors392.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors393.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors394.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors395.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors396.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors397.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors398.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors399.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors400.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors401.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors402.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors403.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors404.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors405.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors406.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors407.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors408.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors409.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors410.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors411.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors412.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors413.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors414.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors415.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors416.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors417.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors418.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors419.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors420.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors421.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors422.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors423.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors424.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors425.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors426.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors427.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors428.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors429.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors430.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors431.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors432.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors433.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors434.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors435.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors436.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors437.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors438.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors439.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors440.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors441.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors442.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors443.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors444.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors445.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors446.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors447.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors448.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors449.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors450.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors451.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors452.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors453.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors454.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors455.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors456.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors457.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors458.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors459.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors460.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors461.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors462.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors463.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors464.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors465.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors466.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors467.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors468.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors469.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors470.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors471.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors472.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors473.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors474.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors475.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors476.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors477.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors478.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors479.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors480.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors481.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors482.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors483.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors484.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors485.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors486.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors487.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors488.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors489.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors490.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors491.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors492.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors493.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors494.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors495.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors496.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors497.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors498.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors499.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors500.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors501.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors502.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors503.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors504.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors505.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors506.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors507.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors508.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors509.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors510.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors511.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors512.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors513.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors514.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors515.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors516.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors517.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors518.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors519.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors520.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors521.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors522.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors523.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors524.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors525.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors526.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors527.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors528.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors529.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors530.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors531.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors532.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors533.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors534.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors535.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors536.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors537.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors538.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors539.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors540.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors541.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors542.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors543.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors544.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors545.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors546.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors547.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors548.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors549.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors550.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors551.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors552.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors553.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors554.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors555.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors556.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors557.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors558.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors559.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors560.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors561.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors562.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors563.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors564.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors565.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors566.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors567.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors568.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors569.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors570.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors571.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors572.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors573.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors574.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors575.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors576.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors577.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors578.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors579.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors580.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors581.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors582.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors583.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors584.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors585.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors586.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors587.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors588.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors589.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors590.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors591.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors592.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors593.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors594.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors595.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors596.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors597.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors598.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors599.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors600.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors601.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors602.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors603.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors604.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors605.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors606.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors607.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors608.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors609.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors610.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors611.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors612.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors613.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors614.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors615.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors616.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors617.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors618.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors619.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors620.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors621.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors622.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors623.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors624.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors625.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors626.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors627.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors628.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors629.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors630.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors631.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors632.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors633.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors634.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors635.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors636.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors637.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors638.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors639.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors640.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors641.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors642.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors643.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors644.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors645.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors646.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors647.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors648.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors649.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors650.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors651.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors652.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors653.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors654.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors655.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors656.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors657.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors658.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors659.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors660.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors661.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors662.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors663.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors664.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors665.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors666.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors667.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors668.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors669.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors670.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors671.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors672.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors673.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors674.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors675.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors676.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors677.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors678.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors679.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors680.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors681.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors682.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors683.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors684.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors685.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors686.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors687.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors688.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors689.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors690.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors691.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors692.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors693.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors694.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors695.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors696.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors697.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors698.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors699.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors700.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors701.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors702.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors703.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors704.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors705.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors706.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors707.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors708.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors709.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors710.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors711.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors712.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors713.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors714.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors715.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors716.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors717.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors718.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors719.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors720.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors721.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors722.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors723.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors724.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors725.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors726.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors727.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors728.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors729.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors730.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors731.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors732.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors733.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors734.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors735.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors736.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors737.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors738.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors739.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors740.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors741.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors742.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors743.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors744.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors745.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors746.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors747.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors748.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors749.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors750.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors751.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors752.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors753.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors754.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors755.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors756.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors757.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors758.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors759.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors760.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors761.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors762.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors763.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors764.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors765.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors766.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors767.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors768.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors769.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors770.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors771.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors772.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors773.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors774.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors775.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors776.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors777.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors778.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors779.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors780.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors781.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors782.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors783.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors784.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors785.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors786.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors787.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors788.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors789.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors790.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors791.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors792.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors793.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors794.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors795.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors796.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors797.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors798.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors799.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors800.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors801.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors802.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors803.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors804.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors805.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors806.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors807.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors808.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors809.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors810.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors811.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors812.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors813.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors814.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors815.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors816.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors817.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors818.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors819.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors820.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors821.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors822.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors823.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors824.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors825.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors826.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors827.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors828.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors829.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors830.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors831.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors832.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors833.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors834.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors835.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors836.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors837.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors838.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors839.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors840.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors841.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors842.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors843.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors844.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors845.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors846.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors847.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors848.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors849.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors850.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors851.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors852.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors853.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors854.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors855.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors856.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors857.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors858.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors859.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors860.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors861.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors862.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors863.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors864.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors865.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors866.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors867.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors868.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors869.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors870.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors871.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors872.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors873.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors874.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors875.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors876.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors877.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors878.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors879.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors880.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors881.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors882.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors883.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors884.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors885.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors886.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors887.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors888.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors889.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors890.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors891.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors892.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors893.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors894.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors895.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors896.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors897.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors898.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors899.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors900.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors901.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors902.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors903.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors904.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors905.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors906.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors907.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors908.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors909.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors910.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors911.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors912.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors913.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors914.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors915.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors916.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors917.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors918.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors919.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors920.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors921.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors922.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors923.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors924.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors925.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors926.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors927.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors928.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors929.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors930.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors931.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors932.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors933.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors934.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors935.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors936.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors937.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors938.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors939.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors940.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors941.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors942.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors943.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors944.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors945.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors946.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors947.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors948.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors949.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors950.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors951.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors952.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors953.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors954.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors955.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors956.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors957.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors958.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors959.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors960.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors961.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors962.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors963.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors964.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors965.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors966.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors967.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors968.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors969.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors970.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors971.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors972.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors973.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors974.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors975.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors976.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors977.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors978.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors979.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors980.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors981.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors982.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors983.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors984.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors985.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors986.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors987.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors988.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors989.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors990.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors991.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors992.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors993.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors994.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors995.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors996.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors997.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors998.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors999.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1000.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1001.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1002.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1003.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1004.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1005.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1006.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1007.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1008.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1009.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1010.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1011.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1012.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1013.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1014.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1015.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1016.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1017.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1018.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1019.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1020.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1021.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1022.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1023.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1024.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1025.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1026.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1027.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1028.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1029.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1030.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1031.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1032.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1033.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1034.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1035.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1036.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1037.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1038.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1039.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1040.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1041.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1042.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1043.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1044.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1045.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1046.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1047.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1048.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1049.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1050.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1051.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1052.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1053.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1054.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1055.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1056.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1057.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1058.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1059.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1060.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1061.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1062.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1063.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1064.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1065.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1066.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1067.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1068.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1069.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1070.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1071.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1072.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1073.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1074.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1075.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1076.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1077.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1078.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1079.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1080.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1081.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1082.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1083.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1084.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1085.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1086.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1087.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1088.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1089.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1090.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1091.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1092.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1093.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1094.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1095.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1096.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1097.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1098.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1099.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1100.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1101.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1102.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1103.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1104.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1105.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1106.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1107.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1108.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1109.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1110.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1111.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1112.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1113.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1114.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1115.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1116.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1117.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1118.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1119.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1120.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1121.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1122.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1123.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1124.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1125.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1126.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1127.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1128.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1129.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1130.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1131.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1132.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1133.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1134.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1135.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1136.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1137.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1138.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1139.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1140.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1141.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1142.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1143.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1144.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1145.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1146.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1147.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1148.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1149.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1150.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1151.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1152.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1153.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1154.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1155.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1156.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1157.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1158.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1159.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1160.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1161.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1162.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1163.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1164.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1165.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1166.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1167.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1168.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1169.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1170.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1171.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1172.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1173.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1174.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1175.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1176.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1177.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1178.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1179.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1180.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1181.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1182.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1183.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1184.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1185.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1186.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1187.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1188.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1189.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1190.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1191.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1192.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1193.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1194.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1195.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1196.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1197.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1198.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1199.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1200.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1201.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1202.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1203.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1204.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1205.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1206.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1207.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1208.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1209.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1210.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1211.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1212.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1213.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1214.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1215.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1216.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1217.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1218.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1219.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1220.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1221.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1222.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1223.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1224.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1225.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1226.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1227.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1228.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1229.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1230.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1231.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1232.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1233.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1234.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1235.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1236.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1237.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1238.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1239.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1240.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1241.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1242.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1243.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1244.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1245.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1246.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1247.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1248.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1249.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1250.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1251.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1252.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1253.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1254.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1255.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1256.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1257.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1258.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1259.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1260.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1261.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1262.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1263.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1264.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1265.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1266.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1267.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1268.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1269.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1270.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1271.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1272.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1273.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1274.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1275.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1276.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1277.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1278.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1279.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1280.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1281.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1282.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1283.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1284.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1285.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1286.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1287.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1288.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1289.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1290.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1291.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1292.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1293.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1294.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1295.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1296.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1297.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1298.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1299.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1300.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1301.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1302.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1303.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1304.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1305.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1306.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1307.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1308.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1309.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1310.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1311.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1312.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1313.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1314.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1315.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1316.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1317.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1318.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1319.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1320.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1321.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1322.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1323.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1324.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1325.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1326.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1327.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1328.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1329.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1330.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1331.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1332.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1333.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1334.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1335.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1336.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1337.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1338.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1339.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1340.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1341.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1342.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1343.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1344.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1345.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1346.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1347.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1348.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1349.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1350.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1351.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1352.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1353.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1354.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1355.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1356.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1357.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1358.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1359.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1360.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1361.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1362.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1363.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1364.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1365.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1366.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1367.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1368.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1369.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1370.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1371.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1372.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1373.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1374.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1375.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1376.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1377.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1378.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1379.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1380.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1381.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1382.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1383.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1384.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1385.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1386.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1387.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1388.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1389.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1390.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1391.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1392.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1393.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1394.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1395.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1396.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1397.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1398.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1399.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1400.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1401.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1402.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1403.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1404.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1405.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1406.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1407.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1408.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1409.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1410.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1411.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1412.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1413.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1414.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1415.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1416.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1417.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1418.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1419.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1420.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1421.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1422.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1423.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1424.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1425.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1426.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1427.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1428.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1429.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1430.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1431.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1432.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1433.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1434.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1435.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1436.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1437.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1438.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1439.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1440.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1441.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1442.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1443.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1444.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1445.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1446.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1447.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1448.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1449.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1450.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1451.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1452.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1453.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1454.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1455.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1456.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1457.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1458.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1459.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1460.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1461.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1462.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1463.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1464.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1465.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1466.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1467.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1468.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1469.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1470.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1471.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1472.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1473.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1474.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1475.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1476.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1477.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1478.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1479.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1480.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1481.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1482.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1483.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1484.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1485.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1486.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1487.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1488.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1489.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1490.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1491.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1492.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1493.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1494.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1495.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1496.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1497.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1498.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1499.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1500.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1501.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1502.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1503.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1504.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1505.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1506.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1507.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1508.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1509.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1510.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1511.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1512.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1513.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1514.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1515.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1516.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1517.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1518.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1519.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1520.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1521.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1522.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1523.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1524.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1525.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1526.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1527.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1528.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1529.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1530.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1531.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1532.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1533.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1534.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1535.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1536.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1537.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1538.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1539.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1540.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1541.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1542.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1543.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1544.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1545.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1546.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1547.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1548.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1549.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1550.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1551.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1552.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1553.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1554.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1555.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1556.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1557.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1558.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1559.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1560.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1561.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1562.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1563.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1564.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7690891.82/tensors1565.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors2.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors3.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors4.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors5.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors6.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors7.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors8.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors9.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors10.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors11.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors12.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors13.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors14.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors15.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors16.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors17.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors18.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors19.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors20.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors21.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors22.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors23.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors24.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors25.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors26.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors27.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors28.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors29.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors30.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors31.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors32.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors33.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors34.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors35.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors36.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors37.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors38.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors39.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors40.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors41.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors42.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors43.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors44.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors45.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors46.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors47.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors48.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors49.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors50.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors51.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors52.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors53.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors54.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors55.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors56.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors57.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors58.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors59.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors60.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors61.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors62.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors63.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors64.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors65.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors66.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors67.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors68.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors69.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors70.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors71.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors72.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors73.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors74.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors75.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors76.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors77.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors78.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors79.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors80.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors81.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors82.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors83.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors84.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors85.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors86.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors87.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors88.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors89.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors90.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors91.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors92.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors93.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors94.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors95.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors96.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors97.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors98.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors99.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors100.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors101.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors102.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors103.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors104.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors105.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors106.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors107.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors108.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors109.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors110.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors111.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors112.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors113.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors114.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors115.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors116.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors117.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors118.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors119.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors120.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors121.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors122.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors123.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors124.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors125.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors126.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors127.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors128.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors129.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors130.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors131.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors132.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors133.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors134.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors135.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors136.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors137.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors138.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors139.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors140.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors141.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors142.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors143.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors144.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors145.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors146.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors147.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors148.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors149.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors150.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors151.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors152.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors153.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors154.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors155.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors156.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors157.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors158.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors159.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors160.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors161.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors162.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors163.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors164.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors165.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors166.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors167.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors168.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors169.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors170.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors171.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors172.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors173.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors174.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors175.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors176.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors177.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors178.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors179.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors180.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors181.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors182.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors183.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors184.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors185.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors186.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors187.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors188.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors189.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors190.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors191.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors192.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors193.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors194.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors195.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors196.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors197.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors198.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors199.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors200.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors201.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors202.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors203.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors204.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors205.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors206.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors207.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors208.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors209.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors210.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors211.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors212.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors213.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors214.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors215.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors216.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors217.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors218.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors219.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors220.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors221.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors222.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors223.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors224.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors225.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors226.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors227.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors228.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors229.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors230.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors231.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors232.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors233.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors234.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors235.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors236.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors237.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors238.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors239.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors240.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors241.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors242.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors243.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors244.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors245.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors246.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors247.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors248.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors249.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors250.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors251.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors252.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors253.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors254.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors255.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors256.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors257.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors258.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors259.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors260.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors261.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors262.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors263.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors264.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors265.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors266.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors267.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors268.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors269.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors270.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors271.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors272.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors273.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors274.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors275.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors276.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors277.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors278.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors279.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors280.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors281.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors282.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors283.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors284.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors285.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors286.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors287.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors288.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors289.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors290.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors291.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors292.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors293.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors294.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors295.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors296.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors297.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors298.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors299.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors300.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors301.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors302.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors303.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors304.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors305.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors306.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors307.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors308.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors309.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors310.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors311.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors312.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors313.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors314.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors315.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors316.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors317.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors318.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors319.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors320.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors321.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors322.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors323.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors324.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors325.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors326.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors327.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors328.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors329.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors330.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors331.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors332.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors333.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors334.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors335.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors336.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors337.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors338.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors339.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors340.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors341.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors342.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors343.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors344.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors345.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors346.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors347.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors348.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors349.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors350.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors351.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors352.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors353.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors354.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors355.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors356.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors357.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors358.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors359.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors360.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors361.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors362.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors363.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors364.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors365.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors366.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors367.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors368.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors369.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors370.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors371.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors372.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors373.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors374.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors375.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors376.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors377.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors378.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors379.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors380.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors381.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors382.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors383.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors384.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors385.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors386.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors387.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors388.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors389.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors390.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors391.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors392.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors393.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors394.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors395.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors396.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors397.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors398.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors399.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors400.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors401.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors402.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors403.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors404.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors405.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors406.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors407.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors408.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors409.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors410.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors411.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors412.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors413.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors414.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors415.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors416.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors417.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors418.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors419.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors420.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors421.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors422.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors423.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors424.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors425.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors426.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors427.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors428.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors429.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors430.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors431.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors432.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors433.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors434.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors435.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors436.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors437.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors438.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors439.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors440.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors441.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors442.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors443.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors444.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors445.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors446.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors447.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors448.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors449.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors450.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors451.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors452.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors453.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors454.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors455.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors456.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors457.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors458.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors459.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors460.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors461.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors462.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors463.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors464.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors465.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors466.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors467.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors468.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors469.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors470.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors471.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors472.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors473.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors474.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors475.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors476.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors477.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors478.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors479.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors480.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors481.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors482.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors483.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors484.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors485.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors486.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors487.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors488.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors489.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors490.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors491.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors492.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors493.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors494.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors495.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors496.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors497.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors498.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors499.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors500.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors501.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors502.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors503.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors504.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors505.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors506.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors507.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors508.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors509.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors510.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors511.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors512.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors513.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors514.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors515.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors516.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors517.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors518.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors519.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors520.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors521.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors522.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors523.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors524.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors525.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors526.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors527.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors528.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors529.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors530.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors531.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors532.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors533.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors534.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors535.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors536.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors537.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors538.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors539.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors540.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors541.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors542.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors543.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors544.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors545.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors546.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors547.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors548.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors549.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors550.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors551.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors552.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors553.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors554.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors555.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors556.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors557.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors558.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors559.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors560.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors561.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors562.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors563.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors564.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors565.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors566.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors567.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors568.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors569.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors570.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors571.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors572.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors573.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors574.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors575.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors576.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors577.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors578.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors579.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors580.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors581.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors582.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors583.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors584.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors585.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors586.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors587.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors588.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors589.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors590.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors591.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors592.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors593.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors594.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors595.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors596.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors597.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors598.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors599.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors600.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors601.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors602.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors603.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors604.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors605.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors606.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors607.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors608.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors609.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors610.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors611.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors612.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors613.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors614.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors615.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors616.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors617.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors618.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors619.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors620.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors621.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors622.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors623.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors624.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors625.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors626.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors627.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors628.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors629.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors630.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors631.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors632.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors633.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors634.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors635.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors636.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors637.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors638.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors639.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors640.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors641.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors642.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors643.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors644.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors645.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors646.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors647.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors648.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors649.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors650.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors651.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors652.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors653.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors654.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors655.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors656.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors657.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors658.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors659.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors660.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors661.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors662.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors663.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors664.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors665.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors666.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors667.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors668.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors669.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors670.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors671.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors672.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors673.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors674.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors675.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors676.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors677.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors678.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors679.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors680.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors681.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors682.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors683.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors684.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors685.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors686.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors687.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors688.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors689.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors690.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors691.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors692.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors693.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors694.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors695.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors696.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors697.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors698.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors699.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors700.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors701.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors702.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors703.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors704.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors705.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors706.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors707.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors708.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors709.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors710.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors711.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors712.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors713.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors714.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors715.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors716.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors717.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors718.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors719.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors720.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors721.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors722.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors723.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors724.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors725.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors726.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors727.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors728.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors729.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors730.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors731.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors732.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors733.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors734.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors735.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors736.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors737.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors738.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors739.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors740.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors741.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors742.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors743.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors744.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors745.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors746.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors747.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors748.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors749.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors750.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors751.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors752.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors753.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors754.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors755.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors756.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors757.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors758.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors759.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors760.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors761.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors762.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors763.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors764.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors765.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors766.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors767.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors768.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors769.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors770.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors771.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors772.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors773.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors774.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors775.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors776.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors777.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors778.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors779.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors780.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors781.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors782.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors783.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors784.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors785.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors786.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors787.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors788.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors789.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors790.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors791.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors792.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors793.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors794.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors795.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors796.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors797.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors798.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors799.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors800.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors801.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors802.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors803.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors804.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors805.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors806.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors807.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors808.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors809.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors810.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors811.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors812.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors813.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors814.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors815.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors816.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors817.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors818.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors819.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors820.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors821.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors822.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors823.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors824.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors825.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors826.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors827.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors828.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors829.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors830.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors831.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors832.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors833.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors834.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors835.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors836.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors837.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors838.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors839.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors840.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors841.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors842.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors843.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors844.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors845.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors846.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors847.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors848.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors849.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors850.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors851.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors852.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors853.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors854.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors855.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors856.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors857.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors858.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors859.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors860.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors861.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors862.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors863.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors864.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors865.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors866.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors867.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors868.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors869.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors870.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors871.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors872.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors873.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors874.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors875.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors876.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors877.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors878.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors879.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors880.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors881.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors882.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors883.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors884.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors885.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors886.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors887.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors888.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors889.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors890.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors891.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors892.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors893.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors894.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors895.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors896.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors897.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors898.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors899.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors900.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors901.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors902.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors903.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors904.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors905.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors906.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors907.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors908.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors909.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors910.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors911.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors912.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors913.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors914.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors915.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors916.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors917.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors918.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors919.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors920.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors921.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors922.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors923.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors924.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors925.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors926.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors927.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors928.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors929.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors930.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors931.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors932.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors933.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors934.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors935.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors936.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors937.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors938.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors939.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors940.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors941.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors942.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors943.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors944.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors945.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors946.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors947.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors948.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors949.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors950.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors951.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors952.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors953.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors954.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors955.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors956.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors957.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors958.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors959.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors960.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors961.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors962.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors963.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors964.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors965.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors966.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors967.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors968.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors969.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors970.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors971.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors972.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors973.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors974.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors975.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors976.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors977.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors978.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors979.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors980.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors981.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors982.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors983.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors984.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors985.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors986.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors987.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors988.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors989.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors990.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors991.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors992.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors993.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors994.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors995.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors996.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors997.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors998.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors999.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1000.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1001.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1002.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1003.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1004.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1005.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1006.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1007.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1008.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1009.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1010.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1011.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1012.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1013.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1014.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1015.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1016.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1017.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1018.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1019.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1020.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1021.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1022.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1023.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1024.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1025.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1026.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1027.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1028.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1029.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1030.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1031.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1032.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1033.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1034.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1035.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1036.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1037.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1038.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1039.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1040.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1041.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1042.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1043.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1044.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1045.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1046.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1047.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1048.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1049.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1050.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1051.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1052.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1053.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1054.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1055.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1056.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1057.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1058.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1059.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1060.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1061.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1062.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1063.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1064.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1065.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1066.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1067.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1068.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1069.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1070.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1071.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1072.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1073.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1074.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1075.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1076.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1077.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1078.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1079.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1080.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1081.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1082.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1083.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1084.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1085.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1086.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1087.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1088.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1089.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1090.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1091.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1092.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1093.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1094.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1095.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1096.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1097.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1098.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1099.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1100.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1101.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1102.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1103.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1104.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1105.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1106.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1107.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1108.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1109.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1110.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1111.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1112.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1113.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1114.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1115.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1116.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1117.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1118.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1119.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1120.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1121.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1122.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1123.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1124.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1125.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1126.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1127.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1128.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1129.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1130.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1131.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1132.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1133.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1134.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1135.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1136.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1137.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1138.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1139.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1140.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1141.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1142.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1143.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1144.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1145.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1146.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1147.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1148.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1149.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1150.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1151.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1152.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1153.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1154.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1155.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1156.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1157.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1158.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1159.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1160.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1161.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1162.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1163.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1164.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1165.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1166.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1167.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1168.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1169.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1170.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1171.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1172.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1173.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1174.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1175.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1176.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1177.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1178.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1179.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1180.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1181.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1182.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1183.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1184.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1185.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1186.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1187.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1188.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1189.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1190.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1191.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1192.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1193.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1194.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1195.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1196.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1197.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1198.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1199.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1200.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1201.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1202.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1203.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1204.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1205.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1206.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1207.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1208.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1209.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1210.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1211.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1212.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1213.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1214.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1215.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1216.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1217.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1218.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1219.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1220.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1221.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1222.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1223.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1224.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1225.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1226.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1227.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1228.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1229.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1230.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1231.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1232.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1233.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1234.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1235.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1236.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1237.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1238.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1239.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1240.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1241.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1242.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1243.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1244.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1245.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1246.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1247.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1248.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1249.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1250.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1251.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1252.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1253.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1254.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1255.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1256.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1257.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1258.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1259.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1260.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1261.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1262.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1263.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1264.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1265.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1266.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1267.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1268.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1269.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1270.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1271.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1272.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1273.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1274.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1275.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1276.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1277.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1278.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1279.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1280.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1281.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1282.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1283.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1284.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1285.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1286.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1287.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1288.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1289.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1290.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1291.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1292.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1293.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1294.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1295.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1296.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1297.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1298.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1299.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1300.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1301.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1302.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1303.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1304.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1305.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1306.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1307.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1308.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1309.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1310.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1311.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1312.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1313.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1314.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1315.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1316.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1317.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1318.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1319.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1320.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1321.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1322.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1323.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1324.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1325.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1326.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1327.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1328.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1329.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1330.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1331.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1332.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1333.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1334.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1335.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1336.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1337.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1338.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1339.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1340.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1341.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1342.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1343.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1344.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1345.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1346.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1347.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1348.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1349.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1350.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1351.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1352.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1353.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1354.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1355.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1356.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1357.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1358.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1359.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1360.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1361.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1362.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1363.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1364.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1365.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1366.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1367.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1368.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1369.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1370.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1371.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1372.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1373.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1374.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1375.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1376.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1377.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1378.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1379.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1380.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1381.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1382.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1383.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1384.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1385.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1386.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1387.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1388.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1389.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1390.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1391.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1392.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1393.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1394.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1395.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1396.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1397.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1398.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1399.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1400.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1401.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1402.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1403.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1404.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1405.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1406.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1407.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1408.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1409.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1410.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1411.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1412.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1413.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1414.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1415.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1416.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1417.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1418.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1419.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1420.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1421.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1422.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1423.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1424.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1425.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1426.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1427.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1428.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1429.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1430.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1431.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1432.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1433.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1434.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1435.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1436.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1437.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1438.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1439.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1440.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1441.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1442.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1443.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1444.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1445.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1446.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1447.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1448.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1449.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1450.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1451.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1452.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1453.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1454.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1455.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1456.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1457.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1458.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1459.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1460.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1461.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1462.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1463.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1464.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1465.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1466.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1467.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1468.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1469.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1470.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1471.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1472.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1473.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1474.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1475.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1476.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1477.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1478.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1479.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1480.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1481.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1482.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1483.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1484.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1485.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1486.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1487.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1488.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1489.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1490.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1491.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1492.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1493.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1494.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1495.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1496.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1497.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1498.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1499.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1500.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1501.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1502.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1503.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1504.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1505.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1506.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1507.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1508.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1509.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1510.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1511.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1512.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1513.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1514.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1515.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1516.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1517.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1518.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1519.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1520.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1521.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1522.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1523.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1524.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1525.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1526.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1527.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1528.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1529.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1530.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1531.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1532.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1533.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1534.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1535.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1536.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1537.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1538.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1539.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1540.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1541.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1542.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1543.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1544.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1545.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1546.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1547.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1548.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1549.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1550.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1551.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1552.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1553.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1554.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1555.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1556.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1557.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1558.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1559.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1560.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1561.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1562.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1563.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1564.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/7976774.106/tensors1565.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors2.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors3.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors4.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors5.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors6.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors7.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors8.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors9.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors10.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors11.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors12.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors13.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors14.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors15.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors16.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors17.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors18.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors19.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors20.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors21.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors22.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors23.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors24.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors25.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors26.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors27.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors28.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors29.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors30.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors31.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors32.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors33.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors34.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors35.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors36.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors37.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors38.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors39.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors40.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors41.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors42.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors43.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors44.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors45.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors46.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors47.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors48.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors49.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors50.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors51.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors52.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors53.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors54.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors55.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors56.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors57.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors58.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors59.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors60.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors61.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors62.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors63.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors64.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors65.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors66.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors67.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors68.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors69.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors70.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors71.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors72.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors73.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors74.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors75.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors76.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors77.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors78.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors79.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors80.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors81.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors82.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors83.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors84.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors85.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors86.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors87.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors88.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors89.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors90.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors91.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors92.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors93.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors94.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors95.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors96.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors97.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors98.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors99.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors100.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors101.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors102.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors103.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors104.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors105.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors106.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors107.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors108.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors109.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors110.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors111.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors112.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors113.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors114.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors115.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors116.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors117.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors118.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors119.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors120.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors121.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors122.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors123.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors124.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors125.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors126.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors127.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors128.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors129.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors130.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors131.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors132.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors133.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors134.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors135.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors136.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors137.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors138.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors139.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors140.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors141.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors142.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors143.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors144.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors145.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors146.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors147.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors148.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors149.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors150.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors151.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors152.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors153.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors154.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors155.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors156.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors157.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors158.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors159.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors160.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors161.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors162.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors163.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors164.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors165.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors166.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors167.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors168.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors169.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors170.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors171.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors172.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors173.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors174.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors175.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors176.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors177.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors178.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors179.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors180.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors181.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors182.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors183.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors184.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors185.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors186.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors187.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors188.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors189.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors190.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors191.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors192.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors193.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors194.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors195.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors196.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors197.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors198.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors199.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors200.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors201.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors202.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors203.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors204.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors205.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors206.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors207.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors208.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors209.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors210.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors211.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors212.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors213.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors214.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors215.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors216.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors217.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors218.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors219.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors220.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors221.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors222.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors223.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors224.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors225.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors226.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors227.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors228.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors229.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors230.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors231.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors232.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors233.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors234.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors235.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors236.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors237.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors238.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors239.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors240.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors241.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors242.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors243.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors244.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors245.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors246.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors247.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors248.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors249.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors250.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors251.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors252.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors253.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors254.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors255.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors256.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors257.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors258.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors259.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors260.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors261.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors262.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors263.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors264.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors265.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors266.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors267.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors268.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors269.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors270.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors271.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors272.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors273.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors274.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors275.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors276.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors277.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors278.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors279.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors280.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors281.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors282.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors283.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors284.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors285.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors286.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors287.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors288.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors289.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors290.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors291.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors292.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors293.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors294.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors295.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors296.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors297.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors298.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors299.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors300.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors301.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors302.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors303.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors304.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors305.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors306.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors307.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors308.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors309.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors310.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors311.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors312.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors313.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors314.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors315.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors316.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors317.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors318.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors319.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors320.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors321.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors322.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors323.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors324.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors325.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors326.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors327.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors328.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors329.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors330.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors331.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors332.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors333.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors334.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors335.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors336.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors337.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors338.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors339.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors340.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors341.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors342.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors343.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors344.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors345.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors346.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors347.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors348.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors349.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors350.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors351.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors352.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors353.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors354.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors355.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors356.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors357.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors358.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors359.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors360.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors361.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors362.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors363.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors364.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors365.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors366.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors367.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors368.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors369.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors370.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors371.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors372.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors373.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors374.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors375.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors376.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors377.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors378.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors379.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors380.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors381.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors382.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors383.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors384.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors385.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors386.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors387.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors388.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors389.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors390.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors391.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors392.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors393.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors394.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors395.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors396.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors397.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors398.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors399.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors400.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors401.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors402.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors403.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors404.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors405.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors406.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors407.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors408.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors409.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors410.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors411.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors412.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors413.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors414.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors415.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors416.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors417.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors418.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors419.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors420.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors421.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors422.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors423.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors424.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors425.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors426.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors427.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors428.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors429.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors430.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors431.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors432.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors433.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors434.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors435.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors436.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors437.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors438.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors439.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors440.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors441.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors442.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors443.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors444.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors445.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors446.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors447.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors448.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors449.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors450.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors451.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors452.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors453.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors454.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors455.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors456.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors457.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors458.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors459.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors460.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors461.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors462.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors463.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors464.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors465.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors466.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors467.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors468.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors469.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors470.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors471.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors472.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors473.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors474.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors475.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors476.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors477.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors478.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors479.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors480.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors481.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors482.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors483.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors484.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors485.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors486.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors487.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors488.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors489.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors490.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors491.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors492.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors493.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors494.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors495.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors496.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors497.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors498.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors499.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors500.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors501.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors502.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors503.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors504.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors505.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors506.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors507.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors508.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors509.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors510.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors511.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors512.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors513.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors514.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors515.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors516.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors517.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors518.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors519.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors520.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors521.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors522.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors523.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors524.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors525.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors526.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors527.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors528.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors529.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors530.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors531.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors532.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors533.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors534.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors535.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors536.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors537.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors538.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors539.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors540.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors541.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors542.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors543.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors544.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors545.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors546.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors547.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors548.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors549.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors550.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors551.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors552.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors553.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors554.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors555.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors556.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors557.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors558.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors559.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors560.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors561.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors562.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors563.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors564.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors565.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors566.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors567.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors568.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors569.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors570.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors571.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors572.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors573.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors574.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors575.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors576.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors577.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors578.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors579.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors580.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors581.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors582.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors583.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors584.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors585.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors586.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors587.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors588.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors589.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors590.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors591.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors592.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors593.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors594.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors595.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors596.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors597.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors598.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors599.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors600.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors601.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors602.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors603.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors604.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors605.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors606.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors607.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors608.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors609.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors610.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors611.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors612.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors613.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors614.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors615.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors616.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors617.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors618.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors619.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors620.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors621.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors622.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors623.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors624.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors625.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors626.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors627.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors628.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors629.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors630.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors631.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors632.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors633.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors634.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors635.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors636.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors637.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors638.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors639.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors640.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors641.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors642.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors643.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors644.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors645.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors646.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors647.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors648.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors649.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors650.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors651.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors652.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors653.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors654.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors655.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors656.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors657.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors658.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors659.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors660.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors661.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors662.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors663.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors664.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors665.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors666.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors667.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors668.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors669.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors670.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors671.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors672.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors673.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors674.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors675.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors676.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors677.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors678.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors679.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors680.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors681.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors682.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors683.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors684.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors685.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors686.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors687.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors688.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors689.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors690.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors691.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors692.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors693.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors694.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors695.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors696.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors697.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors698.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors699.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors700.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors701.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors702.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors703.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors704.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors705.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors706.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors707.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors708.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors709.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors710.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors711.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors712.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors713.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors714.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors715.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors716.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors717.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors718.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors719.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors720.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors721.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors722.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors723.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors724.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors725.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors726.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors727.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors728.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors729.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors730.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors731.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors732.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors733.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors734.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors735.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors736.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors737.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors738.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors739.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors740.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors741.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors742.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors743.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors744.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors745.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors746.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors747.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors748.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors749.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors750.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors751.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors752.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors753.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors754.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors755.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors756.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors757.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors758.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors759.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors760.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors761.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors762.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors763.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors764.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors765.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors766.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors767.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors768.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors769.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors770.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors771.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors772.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors773.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors774.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors775.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors776.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors777.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors778.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors779.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors780.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors781.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors782.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors783.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors784.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors785.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors786.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors787.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors788.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors789.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors790.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors791.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors792.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors793.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors794.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors795.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors796.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors797.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors798.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors799.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors800.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors801.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors802.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors803.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors804.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors805.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors806.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors807.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors808.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors809.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors810.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors811.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors812.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors813.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors814.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors815.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors816.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors817.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors818.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors819.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors820.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors821.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors822.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors823.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors824.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors825.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors826.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors827.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors828.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors829.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors830.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors831.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors832.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors833.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors834.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors835.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors836.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors837.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors838.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors839.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors840.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors841.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors842.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors843.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors844.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors845.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors846.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors847.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors848.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors849.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors850.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors851.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors852.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors853.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors854.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors855.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors856.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors857.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors858.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors859.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors860.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors861.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors862.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors863.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors864.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors865.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors866.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors867.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors868.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors869.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors870.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors871.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors872.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors873.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors874.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors875.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors876.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors877.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors878.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors879.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors880.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors881.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors882.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors883.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors884.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors885.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors886.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors887.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors888.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors889.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors890.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors891.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors892.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors893.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors894.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors895.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors896.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors897.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors898.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors899.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors900.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors901.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors902.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors903.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors904.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors905.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors906.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors907.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors908.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors909.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors910.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors911.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors912.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors913.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors914.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors915.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors916.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors917.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors918.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors919.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors920.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors921.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors922.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors923.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors924.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors925.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors926.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors927.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors928.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors929.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors930.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors931.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors932.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors933.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors934.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors935.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors936.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors937.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors938.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors939.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors940.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors941.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors942.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors943.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors944.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors945.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors946.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors947.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors948.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors949.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors950.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors951.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors952.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors953.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors954.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors955.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors956.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors957.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors958.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors959.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors960.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors961.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors962.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors963.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors964.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors965.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors966.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors967.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors968.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors969.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors970.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors971.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors972.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors973.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors974.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors975.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors976.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors977.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors978.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors979.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors980.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors981.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors982.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors983.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors984.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors985.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors986.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors987.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors988.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors989.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors990.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors991.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors992.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors993.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors994.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors995.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors996.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors997.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors998.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors999.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1000.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1001.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1002.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1003.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1004.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1005.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1006.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1007.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1008.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1009.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1010.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1011.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1012.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1013.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1014.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1015.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1016.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1017.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1018.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1019.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1020.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1021.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1022.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1023.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1024.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1025.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1026.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1027.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1028.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1029.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1030.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1031.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1032.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1033.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1034.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1035.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1036.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1037.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1038.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1039.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1040.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1041.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1042.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1043.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1044.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1045.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1046.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1047.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1048.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1049.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1050.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1051.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1052.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1053.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1054.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1055.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1056.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1057.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1058.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1059.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1060.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1061.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1062.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1063.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1064.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1065.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1066.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1067.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1068.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1069.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1070.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1071.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1072.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1073.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1074.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1075.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1076.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1077.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1078.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1079.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1080.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1081.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1082.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1083.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1084.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1085.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1086.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1087.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1088.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1089.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1090.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1091.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1092.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1093.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1094.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1095.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1096.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1097.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1098.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1099.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1100.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1101.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1102.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1103.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1104.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1105.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1106.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1107.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1108.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1109.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1110.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1111.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1112.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1113.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1114.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1115.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1116.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1117.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1118.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1119.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1120.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1121.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1122.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1123.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1124.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1125.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1126.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1127.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1128.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1129.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1130.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1131.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1132.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1133.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1134.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1135.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1136.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1137.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1138.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1139.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1140.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1141.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1142.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1143.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1144.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1145.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1146.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1147.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1148.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1149.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1150.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1151.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1152.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1153.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1154.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1155.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1156.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1157.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1158.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1159.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1160.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1161.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1162.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1163.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1164.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1165.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1166.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1167.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1168.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1169.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1170.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1171.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1172.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1173.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1174.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1175.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1176.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1177.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1178.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1179.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1180.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1181.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1182.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1183.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1184.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1185.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1186.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1187.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1188.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1189.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1190.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1191.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1192.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1193.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1194.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1195.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1196.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1197.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1198.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1199.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1200.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1201.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1202.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1203.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1204.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1205.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1206.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1207.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1208.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1209.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1210.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1211.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1212.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1213.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1214.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1215.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1216.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1217.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1218.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1219.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1220.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1221.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1222.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1223.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1224.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1225.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1226.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1227.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1228.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1229.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1230.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1231.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1232.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1233.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1234.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1235.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1236.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1237.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1238.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1239.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1240.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1241.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1242.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1243.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1244.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1245.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1246.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1247.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1248.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1249.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1250.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1251.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1252.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1253.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1254.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1255.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1256.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1257.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1258.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1259.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1260.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1261.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1262.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1263.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1264.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1265.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1266.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1267.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1268.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1269.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1270.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1271.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1272.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1273.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1274.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1275.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1276.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1277.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1278.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1279.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1280.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1281.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1282.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1283.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1284.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1285.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1286.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1287.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1288.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1289.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1290.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1291.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1292.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1293.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1294.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1295.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1296.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1297.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1298.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1299.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1300.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1301.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1302.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1303.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1304.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1305.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1306.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1307.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1308.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1309.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1310.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1311.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1312.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1313.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1314.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1315.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1316.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1317.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1318.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1319.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1320.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1321.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1322.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1323.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1324.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1325.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1326.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1327.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1328.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1329.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1330.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1331.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1332.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1333.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1334.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1335.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1336.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1337.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1338.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1339.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1340.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1341.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1342.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1343.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1344.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1345.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1346.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1347.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1348.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1349.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1350.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1351.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1352.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1353.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1354.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1355.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1356.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1357.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1358.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1359.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1360.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1361.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1362.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1363.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1364.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1365.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1366.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1367.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1368.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1369.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1370.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1371.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1372.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1373.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1374.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1375.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1376.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1377.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1378.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1379.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1380.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1381.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1382.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1383.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1384.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1385.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1386.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1387.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1388.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1389.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1390.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1391.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1392.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1393.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1394.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1395.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1396.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1397.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1398.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1399.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1400.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1401.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1402.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1403.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1404.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1405.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1406.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1407.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1408.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1409.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1410.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1411.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1412.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1413.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1414.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1415.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1416.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1417.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1418.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1419.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1420.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1421.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1422.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1423.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1424.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1425.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1426.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1427.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1428.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1429.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1430.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1431.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1432.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1433.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1434.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1435.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1436.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1437.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1438.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1439.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1440.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1441.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1442.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1443.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1444.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1445.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1446.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1447.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1448.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1449.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1450.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1451.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1452.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1453.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1454.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1455.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1456.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1457.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1458.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1459.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1460.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1461.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1462.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1463.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1464.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1465.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1466.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1467.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1468.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1469.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1470.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1471.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1472.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1473.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1474.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1475.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1476.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1477.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1478.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1479.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1480.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1481.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1482.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1483.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1484.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1485.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1486.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1487.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1488.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1489.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1490.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1491.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1492.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1493.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1494.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1495.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1496.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1497.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1498.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1499.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1500.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1501.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1502.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1503.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1504.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1505.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1506.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1507.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1508.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1509.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1510.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1511.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1512.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1513.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1514.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1515.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1516.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1517.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1518.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1519.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1520.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1521.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1522.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1523.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1524.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1525.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1526.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1527.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1528.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1529.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1530.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1531.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1532.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1533.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1534.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1535.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1536.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1537.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1538.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1539.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1540.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1541.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1542.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1543.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1544.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1545.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1546.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1547.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1548.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1549.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1550.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1551.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1552.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1553.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1554.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1555.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1556.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1557.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1558.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1559.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1560.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1561.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1562.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1563.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1564.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Stuart Weitzman/8069575.150944/tensors1565.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors2.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors3.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors4.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors5.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors6.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors7.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors8.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors9.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors10.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors11.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors12.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors13.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors14.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors15.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors16.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors17.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors18.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors19.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors20.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors21.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors22.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors23.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors24.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors25.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors26.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors27.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors28.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors29.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors30.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors31.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors32.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors33.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors34.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors35.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors36.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors37.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors38.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors39.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors40.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors41.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors42.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors43.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors44.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors45.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors46.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors47.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors48.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors49.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors50.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors51.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors52.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors53.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors54.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors55.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors56.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors57.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors58.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors59.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors60.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors61.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors62.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors63.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors64.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors65.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors66.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors67.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors68.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors69.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors70.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors71.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors72.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors73.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors74.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors75.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors76.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors77.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors78.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors79.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors80.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors81.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors82.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors83.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors84.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors85.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors86.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors87.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors88.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors89.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors90.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors91.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors92.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors93.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors94.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors95.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors96.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors97.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors98.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors99.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors100.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors101.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors102.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors103.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors104.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors105.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors106.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors107.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors108.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors109.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors110.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors111.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors112.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors113.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors114.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors115.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors116.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors117.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors118.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors119.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors120.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors121.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors122.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors123.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors124.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors125.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors126.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors127.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors128.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors129.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors130.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors131.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors132.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors133.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors134.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors135.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors136.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors137.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors138.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors139.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors140.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors141.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors142.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors143.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors144.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors145.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors146.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors147.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors148.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors149.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors150.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors151.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors152.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors153.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors154.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors155.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors156.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors157.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors158.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors159.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors160.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors161.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors162.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors163.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors164.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors165.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors166.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors167.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors168.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors169.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors170.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors171.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors172.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors173.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors174.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors175.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors176.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors177.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors178.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors179.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors180.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors181.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors182.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors183.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors184.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors185.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors186.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors187.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors188.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors189.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors190.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors191.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors192.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors193.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors194.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors195.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors196.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors197.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors198.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors199.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors200.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors201.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors202.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors203.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors204.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors205.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors206.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors207.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors208.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors209.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors210.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors211.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors212.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors213.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors214.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors215.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors216.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors217.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors218.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors219.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors220.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors221.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors222.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors223.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors224.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors225.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors226.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors227.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors228.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors229.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors230.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors231.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors232.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors233.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors234.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors235.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors236.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors237.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors238.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors239.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors240.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors241.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors242.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors243.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors244.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors245.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors246.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors247.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors248.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors249.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors250.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors251.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors252.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors253.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors254.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors255.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors256.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors257.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors258.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors259.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors260.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors261.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors262.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors263.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors264.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors265.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors266.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors267.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors268.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors269.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors270.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors271.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors272.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors273.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors274.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors275.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors276.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors277.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors278.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors279.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors280.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors281.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors282.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors283.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors284.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors285.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors286.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors287.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors288.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors289.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors290.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors291.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors292.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors293.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors294.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors295.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors296.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors297.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors298.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors299.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors300.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors301.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors302.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors303.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors304.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors305.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors306.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors307.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors308.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors309.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors310.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors311.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors312.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors313.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors314.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors315.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors316.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors317.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors318.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors319.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors320.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors321.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors322.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors323.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors324.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors325.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors326.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors327.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors328.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors329.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors330.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors331.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors332.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors333.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors334.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors335.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors336.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors337.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors338.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors339.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors340.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors341.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors342.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors343.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors344.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors345.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors346.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors347.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors348.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors349.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors350.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors351.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors352.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors353.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors354.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors355.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors356.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors357.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors358.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors359.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors360.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors361.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors362.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors363.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors364.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors365.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors366.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors367.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors368.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors369.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors370.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors371.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors372.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors373.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors374.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors375.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors376.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors377.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors378.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors379.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors380.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors381.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors382.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors383.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors384.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors385.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors386.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors387.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors388.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors389.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors390.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors391.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors392.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors393.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors394.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors395.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors396.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors397.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors398.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors399.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors400.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors401.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors402.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors403.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors404.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors405.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors406.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors407.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors408.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors409.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors410.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors411.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors412.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors413.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors414.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors415.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors416.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors417.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors418.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors419.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors420.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors421.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors422.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors423.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors424.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors425.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors426.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors427.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors428.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors429.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors430.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors431.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors432.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors433.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors434.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors435.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors436.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors437.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors438.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors439.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors440.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors441.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors442.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors443.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors444.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors445.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors446.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors447.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors448.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors449.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors450.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors451.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors452.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors453.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors454.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors455.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors456.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors457.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors458.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors459.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors460.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors461.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors462.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors463.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors464.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors465.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors466.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors467.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors468.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors469.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors470.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors471.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors472.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors473.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors474.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors475.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors476.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors477.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors478.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors479.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors480.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors481.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors482.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors483.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors484.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors485.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors486.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors487.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors488.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors489.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors490.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors491.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors492.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors493.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors494.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors495.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors496.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors497.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors498.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors499.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors500.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors501.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors502.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors503.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors504.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors505.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors506.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors507.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors508.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors509.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors510.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors511.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors512.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors513.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors514.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors515.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors516.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors517.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors518.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors519.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors520.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors521.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors522.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors523.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors524.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors525.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors526.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors527.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors528.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors529.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors530.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors531.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors532.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors533.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors534.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors535.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors536.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors537.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors538.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors539.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors540.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors541.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors542.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors543.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors544.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors545.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors546.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors547.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors548.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors549.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors550.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors551.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors552.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors553.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors554.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors555.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors556.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors557.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors558.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors559.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors560.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors561.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors562.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors563.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors564.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors565.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors566.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors567.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors568.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors569.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors570.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors571.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors572.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors573.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors574.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors575.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors576.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors577.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors578.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors579.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors580.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors581.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors582.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors583.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors584.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors585.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors586.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors587.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors588.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors589.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors590.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors591.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors592.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors593.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors594.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors595.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors596.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors597.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors598.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors599.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors600.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors601.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors602.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors603.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors604.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors605.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors606.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors607.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors608.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors609.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors610.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors611.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors612.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors613.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors614.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors615.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors616.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors617.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors618.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors619.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors620.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors621.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors622.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors623.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors624.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors625.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors626.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors627.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors628.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors629.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors630.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors631.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors632.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors633.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors634.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors635.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors636.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors637.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors638.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors639.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors640.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors641.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors642.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors643.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors644.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors645.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors646.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors647.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors648.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors649.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors650.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors651.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors652.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors653.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors654.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors655.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors656.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors657.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors658.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors659.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors660.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors661.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors662.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors663.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors664.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors665.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors666.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors667.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors668.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors669.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors670.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors671.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors672.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors673.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors674.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors675.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors676.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors677.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors678.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors679.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors680.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors681.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors682.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors683.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors684.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors685.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors686.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors687.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors688.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors689.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors690.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors691.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors692.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors693.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors694.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors695.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors696.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors697.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors698.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors699.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors700.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors701.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors702.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors703.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors704.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors705.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors706.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors707.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors708.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors709.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors710.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors711.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors712.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors713.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors714.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors715.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors716.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors717.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors718.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors719.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors720.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors721.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors722.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors723.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors724.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors725.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors726.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors727.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors728.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors729.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors730.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors731.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors732.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors733.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors734.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors735.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors736.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors737.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors738.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors739.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors740.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors741.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors742.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors743.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors744.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors745.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors746.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors747.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors748.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors749.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors750.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors751.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors752.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors753.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors754.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors755.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors756.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors757.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors758.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors759.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors760.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors761.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors762.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors763.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors764.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors765.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors766.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors767.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors768.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors769.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors770.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors771.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors772.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors773.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors774.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors775.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors776.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors777.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors778.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors779.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors780.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors781.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors782.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors783.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors784.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors785.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors786.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors787.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors788.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors789.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors790.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors791.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors792.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors793.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors794.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors795.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors796.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors797.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors798.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors799.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors800.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors801.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors802.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors803.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors804.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors805.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors806.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors807.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors808.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors809.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors810.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors811.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors812.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors813.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors814.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors815.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors816.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors817.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors818.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors819.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors820.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors821.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors822.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors823.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors824.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors825.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors826.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors827.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors828.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors829.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors830.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors831.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors832.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors833.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors834.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors835.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors836.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors837.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors838.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors839.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors840.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors841.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors842.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors843.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors844.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors845.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors846.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors847.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors848.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors849.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors850.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors851.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors852.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors853.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors854.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors855.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors856.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors857.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors858.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors859.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors860.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors861.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors862.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors863.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors864.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors865.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors866.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors867.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors868.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors869.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors870.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors871.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors872.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors873.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors874.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors875.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors876.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors877.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors878.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors879.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors880.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors881.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors882.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors883.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors884.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors885.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors886.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors887.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors888.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors889.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors890.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors891.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors892.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors893.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors894.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors895.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors896.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors897.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors898.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors899.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors900.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors901.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors902.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors903.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors904.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors905.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors906.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors907.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors908.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors909.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors910.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors911.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors912.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors913.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors914.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors915.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors916.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors917.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors918.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors919.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors920.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors921.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors922.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors923.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors924.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors925.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors926.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors927.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors928.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors929.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors930.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors931.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors932.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors933.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors934.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors935.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors936.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors937.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors938.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors939.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors940.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors941.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors942.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors943.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors944.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors945.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors946.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors947.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors948.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors949.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors950.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors951.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors952.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors953.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors954.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors955.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors956.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors957.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors958.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors959.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors960.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors961.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors962.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors963.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors964.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors965.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors966.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors967.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors968.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors969.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors970.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors971.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors972.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors973.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors974.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors975.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors976.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors977.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors978.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors979.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors980.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors981.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors982.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors983.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors984.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors985.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors986.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors987.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors988.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors989.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors990.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors991.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors992.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors993.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors994.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors995.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors996.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors997.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors998.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors999.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1000.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1001.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1002.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1003.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1004.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1005.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1006.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1007.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1008.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1009.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1010.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1011.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1012.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1013.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1014.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1015.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1016.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1017.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1018.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1019.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1020.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1021.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1022.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1023.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1024.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1025.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1026.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1027.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1028.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1029.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1030.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1031.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1032.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1033.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1034.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1035.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1036.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1037.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1038.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1039.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1040.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1041.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1042.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1043.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1044.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1045.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1046.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1047.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1048.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1049.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1050.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1051.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1052.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1053.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1054.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1055.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1056.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1057.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1058.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1059.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1060.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1061.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1062.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1063.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1064.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1065.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1066.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1067.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1068.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1069.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1070.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1071.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1072.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1073.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1074.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1075.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1076.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1077.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1078.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1079.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1080.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1081.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1082.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1083.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1084.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1085.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1086.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1087.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1088.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1089.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1090.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1091.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1092.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1093.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1094.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1095.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1096.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1097.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1098.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1099.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1100.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1101.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1102.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1103.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1104.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1105.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1106.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1107.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1108.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1109.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1110.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1111.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1112.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1113.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1114.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1115.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1116.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1117.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1118.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1119.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1120.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1121.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1122.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1123.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1124.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1125.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1126.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1127.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1128.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1129.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1130.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1131.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1132.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1133.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1134.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1135.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1136.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1137.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1138.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1139.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1140.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1141.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1142.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1143.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1144.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1145.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1146.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1147.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1148.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1149.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1150.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1151.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1152.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1153.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1154.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1155.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1156.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1157.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1158.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1159.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1160.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1161.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1162.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1163.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1164.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1165.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1166.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1167.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1168.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1169.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1170.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1171.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1172.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1173.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1174.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1175.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1176.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1177.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1178.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1179.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1180.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1181.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1182.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1183.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1184.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1185.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1186.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1187.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1188.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1189.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1190.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1191.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1192.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1193.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1194.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1195.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1196.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1197.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1198.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1199.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1200.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1201.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1202.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1203.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1204.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1205.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1206.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1207.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1208.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1209.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1210.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1211.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1212.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1213.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1214.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1215.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1216.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1217.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1218.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1219.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1220.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1221.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1222.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1223.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1224.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1225.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1226.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1227.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1228.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1229.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1230.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1231.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1232.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1233.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1234.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1235.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1236.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1237.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1238.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1239.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1240.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1241.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1242.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1243.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1244.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1245.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1246.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1247.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1248.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1249.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1250.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1251.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1252.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1253.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1254.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1255.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1256.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1257.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1258.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1259.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1260.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1261.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1262.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1263.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1264.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1265.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1266.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1267.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1268.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1269.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1270.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1271.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1272.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1273.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1274.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1275.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1276.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1277.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1278.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1279.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1280.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1281.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1282.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1283.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1284.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1285.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1286.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1287.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1288.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1289.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1290.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1291.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1292.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1293.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1294.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1295.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1296.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1297.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1298.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1299.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1300.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1301.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1302.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1303.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1304.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1305.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1306.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1307.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1308.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1309.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1310.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1311.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1312.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1313.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1314.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1315.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1316.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1317.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1318.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1319.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1320.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1321.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1322.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1323.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1324.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1325.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1326.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1327.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1328.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1329.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1330.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1331.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1332.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1333.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1334.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1335.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1336.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1337.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1338.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1339.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1340.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1341.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1342.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1343.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1344.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1345.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1346.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1347.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1348.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1349.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1350.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1351.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1352.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1353.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1354.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1355.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1356.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1357.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1358.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1359.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1360.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1361.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1362.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1363.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1364.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1365.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1366.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1367.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1368.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1369.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1370.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1371.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1372.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1373.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1374.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1375.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1376.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1377.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1378.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1379.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1380.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1381.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1382.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1383.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1384.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1385.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1386.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1387.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1388.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1389.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1390.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1391.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1392.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1393.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1394.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1395.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1396.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1397.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1398.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1399.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1400.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1401.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1402.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1403.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1404.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1405.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1406.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1407.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1408.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1409.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1410.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1411.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1412.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1413.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1414.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1415.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1416.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1417.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1418.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1419.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1420.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1421.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1422.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1423.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1424.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1425.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1426.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1427.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1428.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1429.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1430.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1431.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1432.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1433.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1434.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1435.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1436.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1437.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1438.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1439.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1440.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1441.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1442.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1443.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1444.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1445.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1446.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1447.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1448.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1449.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1450.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1451.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1452.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1453.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1454.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1455.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1456.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1457.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1458.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1459.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1460.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1461.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1462.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1463.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1464.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1465.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1466.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1467.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1468.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1469.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1470.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1471.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1472.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1473.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1474.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1475.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1476.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1477.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1478.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1479.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1480.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1481.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1482.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1483.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1484.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1485.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1486.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1487.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1488.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1489.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1490.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1491.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1492.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1493.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1494.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1495.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1496.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1497.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1498.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1499.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1500.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1501.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1502.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1503.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1504.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1505.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1506.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1507.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1508.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1509.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1510.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1511.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1512.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1513.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1514.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1515.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1516.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1517.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1518.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1519.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1520.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1521.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1522.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1523.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1524.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1525.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1526.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1527.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1528.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1529.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1530.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1531.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1532.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1533.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1534.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1535.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1536.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1537.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1538.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1539.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1540.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1541.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1542.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1543.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1544.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1545.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1546.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1547.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1548.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1549.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1550.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1551.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1552.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1553.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1554.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1555.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1556.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1557.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1558.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1559.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1560.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1561.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1562.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1563.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1564.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004712.3/tensors1565.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors2.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors3.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors4.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors5.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors6.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors7.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors8.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors9.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors10.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors11.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors12.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors13.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors14.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors15.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors16.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors17.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors18.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors19.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors20.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors21.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors22.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors23.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors24.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors25.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors26.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors27.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors28.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors29.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors30.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors31.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors32.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors33.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors34.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors35.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors36.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors37.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors38.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors39.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors40.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors41.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors42.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors43.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors44.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors45.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors46.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors47.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors48.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors49.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors50.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors51.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors52.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors53.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors54.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors55.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors56.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors57.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors58.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors59.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors60.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors61.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors62.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors63.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors64.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors65.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors66.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors67.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors68.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors69.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors70.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors71.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors72.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors73.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors74.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors75.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors76.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors77.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors78.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors79.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors80.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors81.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors82.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors83.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors84.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors85.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors86.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors87.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors88.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors89.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors90.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors91.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors92.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors93.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors94.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors95.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors96.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors97.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors98.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors99.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors100.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors101.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors102.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors103.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors104.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors105.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors106.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors107.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors108.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors109.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors110.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors111.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors112.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors113.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors114.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors115.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors116.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors117.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors118.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors119.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors120.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors121.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors122.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors123.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors124.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors125.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors126.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors127.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors128.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors129.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors130.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors131.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors132.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors133.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors134.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors135.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors136.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors137.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors138.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors139.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors140.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors141.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors142.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors143.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors144.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors145.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors146.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors147.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors148.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors149.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors150.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors151.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors152.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors153.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors154.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors155.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors156.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors157.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors158.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors159.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors160.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors161.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors162.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors163.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors164.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors165.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors166.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors167.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors168.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors169.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors170.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors171.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors172.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors173.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors174.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors175.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors176.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors177.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors178.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors179.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors180.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors181.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors182.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors183.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors184.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors185.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors186.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors187.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors188.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors189.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors190.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors191.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors192.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors193.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors194.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors195.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors196.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors197.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors198.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors199.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors200.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors201.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors202.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors203.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors204.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors205.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors206.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors207.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors208.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors209.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors210.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors211.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors212.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors213.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors214.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors215.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors216.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors217.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors218.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors219.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors220.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors221.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors222.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors223.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors224.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors225.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors226.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors227.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors228.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors229.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors230.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors231.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors232.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors233.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors234.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors235.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors236.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors237.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors238.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors239.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors240.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors241.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors242.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors243.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors244.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors245.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors246.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors247.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors248.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors249.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors250.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors251.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors252.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors253.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors254.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors255.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors256.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors257.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors258.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors259.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors260.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors261.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors262.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors263.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors264.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors265.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors266.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors267.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors268.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors269.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors270.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors271.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors272.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors273.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors274.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors275.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors276.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors277.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors278.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors279.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors280.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors281.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors282.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors283.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors284.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors285.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors286.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors287.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors288.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors289.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors290.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors291.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors292.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors293.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors294.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors295.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors296.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors297.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors298.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors299.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors300.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors301.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors302.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors303.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors304.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors305.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors306.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors307.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors308.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors309.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors310.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors311.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors312.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors313.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors314.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors315.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors316.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors317.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors318.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors319.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors320.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors321.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors322.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors323.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors324.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors325.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors326.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors327.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors328.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors329.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors330.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors331.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors332.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors333.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors334.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors335.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors336.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors337.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors338.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors339.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors340.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors341.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors342.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors343.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors344.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors345.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors346.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors347.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors348.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors349.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors350.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors351.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors352.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors353.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors354.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors355.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors356.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors357.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors358.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors359.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors360.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors361.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors362.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors363.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors364.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors365.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors366.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors367.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors368.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors369.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors370.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors371.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors372.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors373.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors374.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors375.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors376.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors377.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors378.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors379.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors380.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors381.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors382.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors383.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors384.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors385.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors386.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors387.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors388.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors389.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors390.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors391.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors392.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors393.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors394.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors395.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors396.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors397.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors398.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors399.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors400.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors401.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors402.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors403.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors404.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors405.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors406.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors407.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors408.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors409.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors410.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors411.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors412.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors413.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors414.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors415.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors416.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors417.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors418.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors419.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors420.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors421.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors422.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors423.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors424.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors425.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors426.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors427.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors428.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors429.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors430.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors431.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors432.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors433.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors434.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors435.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors436.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors437.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors438.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors439.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors440.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors441.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors442.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors443.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors444.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors445.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors446.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors447.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors448.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors449.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors450.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors451.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors452.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors453.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors454.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors455.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors456.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors457.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors458.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors459.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors460.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors461.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors462.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors463.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors464.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors465.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors466.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors467.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors468.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors469.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors470.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors471.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors472.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors473.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors474.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors475.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors476.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors477.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors478.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors479.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors480.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors481.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors482.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors483.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors484.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors485.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors486.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors487.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors488.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors489.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors490.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors491.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors492.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors493.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors494.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors495.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors496.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors497.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors498.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors499.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors500.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors501.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors502.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors503.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors504.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors505.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors506.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors507.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors508.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors509.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors510.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors511.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors512.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors513.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors514.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors515.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors516.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors517.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors518.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors519.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors520.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors521.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors522.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors523.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors524.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors525.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors526.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors527.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors528.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors529.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors530.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors531.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors532.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors533.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors534.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors535.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors536.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors537.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors538.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors539.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors540.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors541.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors542.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors543.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors544.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors545.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors546.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors547.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors548.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors549.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors550.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors551.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors552.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors553.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors554.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors555.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors556.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors557.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors558.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors559.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors560.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors561.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors562.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors563.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors564.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors565.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors566.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors567.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors568.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors569.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors570.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors571.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors572.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors573.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors574.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors575.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors576.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors577.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors578.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors579.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors580.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors581.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors582.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors583.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors584.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors585.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors586.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors587.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors588.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors589.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors590.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors591.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors592.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors593.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors594.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors595.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors596.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors597.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors598.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors599.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors600.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors601.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors602.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors603.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors604.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors605.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors606.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors607.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors608.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors609.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors610.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors611.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors612.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors613.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors614.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors615.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors616.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors617.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors618.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors619.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors620.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors621.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors622.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors623.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors624.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors625.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors626.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors627.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors628.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors629.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors630.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors631.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors632.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors633.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors634.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors635.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors636.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors637.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors638.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors639.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors640.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors641.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors642.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors643.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors644.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors645.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors646.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors647.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors648.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors649.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors650.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors651.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors652.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors653.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors654.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors655.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors656.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors657.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors658.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors659.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors660.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors661.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors662.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors663.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors664.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors665.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors666.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors667.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors668.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors669.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors670.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors671.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors672.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors673.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors674.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors675.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors676.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors677.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors678.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors679.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors680.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors681.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors682.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors683.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors684.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors685.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors686.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors687.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors688.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors689.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors690.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors691.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors692.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors693.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors694.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors695.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors696.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors697.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors698.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors699.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors700.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors701.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors702.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors703.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors704.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors705.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors706.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors707.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors708.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors709.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors710.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors711.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors712.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors713.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors714.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors715.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors716.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors717.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors718.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors719.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors720.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors721.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors722.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors723.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors724.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors725.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors726.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors727.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors728.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors729.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors730.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors731.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors732.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors733.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors734.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors735.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors736.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors737.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors738.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors739.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors740.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors741.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors742.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors743.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors744.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors745.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors746.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors747.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors748.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors749.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors750.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors751.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors752.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors753.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors754.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors755.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors756.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors757.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors758.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors759.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors760.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors761.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors762.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors763.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors764.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors765.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors766.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors767.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors768.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors769.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors770.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors771.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors772.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors773.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors774.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors775.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors776.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors777.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors778.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors779.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors780.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors781.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors782.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors783.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors784.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors785.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors786.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors787.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors788.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors789.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors790.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors791.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors792.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors793.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors794.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors795.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors796.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors797.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors798.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors799.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors800.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors801.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors802.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors803.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors804.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors805.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors806.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors807.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors808.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors809.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors810.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors811.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors812.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors813.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors814.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors815.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors816.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors817.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors818.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors819.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors820.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors821.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors822.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors823.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors824.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors825.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors826.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors827.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors828.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors829.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors830.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors831.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors832.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors833.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors834.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors835.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors836.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors837.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors838.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors839.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors840.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors841.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors842.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors843.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors844.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors845.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors846.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors847.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors848.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors849.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors850.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors851.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors852.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors853.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors854.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors855.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors856.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors857.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors858.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors859.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors860.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors861.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors862.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors863.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors864.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors865.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors866.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors867.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors868.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors869.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors870.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors871.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors872.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors873.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors874.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors875.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors876.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors877.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors878.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors879.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors880.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors881.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors882.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors883.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors884.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors885.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors886.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors887.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors888.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors889.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors890.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors891.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors892.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors893.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors894.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors895.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors896.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors897.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors898.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors899.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors900.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors901.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors902.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors903.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors904.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors905.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors906.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors907.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors908.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors909.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors910.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors911.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors912.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors913.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors914.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors915.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors916.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors917.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors918.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors919.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors920.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors921.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors922.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors923.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors924.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors925.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors926.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors927.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors928.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors929.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors930.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors931.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors932.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors933.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors934.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors935.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors936.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors937.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors938.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors939.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors940.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors941.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors942.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors943.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors944.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors945.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors946.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors947.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors948.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors949.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors950.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors951.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors952.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors953.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors954.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors955.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors956.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors957.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors958.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors959.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors960.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors961.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors962.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors963.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors964.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors965.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors966.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors967.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors968.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors969.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors970.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors971.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors972.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors973.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors974.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors975.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors976.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors977.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors978.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors979.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors980.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors981.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors982.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors983.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors984.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors985.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors986.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors987.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors988.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors989.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors990.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors991.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors992.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors993.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors994.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors995.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors996.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors997.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors998.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors999.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1000.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1001.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1002.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1003.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1004.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1005.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1006.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1007.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1008.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1009.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1010.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1011.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1012.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1013.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1014.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1015.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1016.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1017.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1018.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1019.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1020.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1021.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1022.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1023.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1024.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1025.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1026.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1027.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1028.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1029.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1030.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1031.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1032.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1033.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1034.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1035.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1036.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1037.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1038.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1039.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1040.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1041.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1042.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1043.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1044.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1045.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1046.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1047.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1048.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1049.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1050.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1051.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1052.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1053.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1054.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1055.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1056.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1057.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1058.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1059.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1060.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1061.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1062.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1063.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1064.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1065.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1066.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1067.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1068.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1069.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1070.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1071.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1072.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1073.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1074.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1075.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1076.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1077.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1078.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1079.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1080.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1081.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1082.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1083.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1084.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1085.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1086.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1087.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1088.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1089.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1090.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1091.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1092.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1093.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1094.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1095.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1096.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1097.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1098.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1099.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1100.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1101.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1102.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1103.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1104.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1105.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1106.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1107.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1108.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1109.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1110.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1111.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1112.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1113.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1114.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1115.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1116.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1117.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1118.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1119.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1120.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1121.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1122.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1123.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1124.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1125.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1126.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1127.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1128.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1129.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1130.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1131.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1132.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1133.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1134.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1135.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1136.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1137.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1138.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1139.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1140.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1141.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1142.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1143.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1144.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1145.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1146.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1147.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1148.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1149.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1150.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1151.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1152.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1153.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1154.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1155.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1156.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1157.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1158.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1159.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1160.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1161.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1162.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1163.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1164.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1165.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1166.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1167.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1168.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1169.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1170.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1171.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1172.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1173.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1174.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1175.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1176.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1177.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1178.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1179.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1180.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1181.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1182.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1183.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1184.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1185.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1186.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1187.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1188.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1189.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1190.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1191.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1192.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1193.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1194.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1195.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1196.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1197.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1198.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1199.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1200.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1201.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1202.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1203.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1204.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1205.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1206.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1207.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1208.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1209.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1210.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1211.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1212.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1213.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1214.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1215.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1216.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1217.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1218.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1219.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1220.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1221.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1222.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1223.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1224.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1225.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1226.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1227.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1228.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1229.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1230.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1231.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1232.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1233.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1234.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1235.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1236.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1237.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1238.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1239.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1240.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1241.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1242.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1243.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1244.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1245.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1246.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1247.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1248.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1249.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1250.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1251.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1252.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1253.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1254.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1255.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1256.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1257.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1258.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1259.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1260.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1261.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1262.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1263.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1264.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1265.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1266.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1267.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1268.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1269.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1270.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1271.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1272.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1273.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1274.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1275.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1276.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1277.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1278.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1279.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1280.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1281.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1282.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1283.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1284.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1285.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1286.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1287.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1288.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1289.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1290.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1291.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1292.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1293.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1294.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1295.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1296.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1297.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1298.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1299.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1300.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1301.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1302.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1303.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1304.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1305.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1306.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1307.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1308.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1309.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1310.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1311.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1312.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1313.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1314.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1315.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1316.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1317.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1318.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1319.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1320.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1321.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1322.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1323.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1324.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1325.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1326.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1327.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1328.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1329.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1330.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1331.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1332.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1333.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1334.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1335.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1336.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1337.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1338.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1339.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1340.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1341.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1342.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1343.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1344.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1345.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1346.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1347.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1348.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1349.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1350.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1351.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1352.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1353.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1354.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1355.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1356.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1357.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1358.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1359.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1360.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1361.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1362.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1363.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1364.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1365.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1366.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1367.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1368.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1369.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1370.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1371.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1372.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1373.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1374.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1375.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1376.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1377.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1378.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1379.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1380.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1381.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1382.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1383.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1384.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1385.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1386.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1387.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1388.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1389.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1390.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1391.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1392.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1393.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1394.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1395.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1396.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1397.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1398.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1399.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1400.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1401.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1402.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1403.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1404.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1405.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1406.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1407.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1408.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1409.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1410.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1411.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1412.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1413.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1414.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1415.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1416.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1417.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1418.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1419.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1420.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1421.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1422.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1423.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1424.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1425.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1426.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1427.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1428.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1429.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1430.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1431.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1432.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1433.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1434.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1435.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1436.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1437.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1438.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1439.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1440.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1441.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1442.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1443.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1444.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1445.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1446.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1447.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1448.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1449.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1450.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1451.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1452.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1453.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1454.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1455.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1456.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1457.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1458.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1459.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1460.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1461.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1462.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1463.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1464.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1465.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1466.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1467.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1468.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1469.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1470.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1471.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1472.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1473.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1474.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1475.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1476.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1477.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1478.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1479.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1480.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1481.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1482.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1483.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1484.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1485.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1486.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1487.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1488.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1489.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1490.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1491.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1492.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1493.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1494.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1495.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1496.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1497.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1498.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1499.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1500.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1501.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1502.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1503.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1504.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1505.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1506.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1507.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1508.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1509.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1510.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1511.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1512.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1513.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1514.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1515.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1516.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1517.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1518.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1519.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1520.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1521.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1522.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1523.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1524.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1525.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1526.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1527.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1528.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1529.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1530.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1531.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1532.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1533.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1534.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1535.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1536.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1537.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1538.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1539.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1540.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1541.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1542.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1543.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1544.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1545.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1546.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1547.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1548.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1549.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1550.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1551.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1552.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1553.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1554.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1555.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1556.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1557.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1558.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1559.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1560.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1561.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1562.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1563.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1564.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004710.3/tensors1565.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors2.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors3.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors4.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors5.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors6.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors7.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors8.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors9.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors10.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors11.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors12.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors13.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors14.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors15.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors16.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors17.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors18.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors19.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors20.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors21.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors22.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors23.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors24.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors25.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors26.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors27.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors28.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors29.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors30.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors31.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors32.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors33.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors34.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors35.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors36.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors37.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors38.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors39.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors40.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors41.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors42.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors43.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors44.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors45.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors46.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors47.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors48.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors49.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors50.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors51.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors52.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors53.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors54.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors55.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors56.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors57.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors58.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors59.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors60.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors61.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors62.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors63.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors64.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors65.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors66.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors67.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors68.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors69.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors70.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors71.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors72.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors73.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors74.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors75.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors76.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors77.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors78.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors79.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors80.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors81.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors82.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors83.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors84.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors85.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors86.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors87.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors88.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors89.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors90.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors91.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors92.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors93.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors94.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors95.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors96.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors97.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors98.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors99.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors100.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors101.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors102.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors103.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors104.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors105.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors106.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors107.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors108.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors109.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors110.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors111.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors112.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors113.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors114.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors115.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors116.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors117.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors118.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors119.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors120.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors121.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors122.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors123.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors124.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors125.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors126.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors127.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors128.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors129.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors130.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors131.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors132.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors133.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors134.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors135.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors136.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors137.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors138.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors139.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors140.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors141.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors142.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors143.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors144.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors145.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors146.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors147.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors148.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors149.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors150.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors151.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors152.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors153.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors154.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors155.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors156.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors157.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors158.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors159.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors160.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors161.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors162.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors163.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors164.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors165.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors166.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors167.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors168.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors169.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors170.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors171.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors172.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors173.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors174.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors175.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors176.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors177.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors178.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors179.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors180.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors181.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors182.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors183.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors184.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors185.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors186.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors187.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors188.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors189.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors190.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors191.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors192.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors193.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors194.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors195.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors196.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors197.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors198.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors199.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors200.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors201.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors202.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors203.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors204.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors205.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors206.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors207.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors208.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors209.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors210.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors211.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors212.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors213.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors214.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors215.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors216.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors217.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors218.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors219.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors220.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors221.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors222.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors223.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors224.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors225.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors226.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors227.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors228.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors229.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors230.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors231.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors232.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors233.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors234.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors235.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors236.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors237.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors238.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors239.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors240.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors241.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors242.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors243.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors244.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors245.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors246.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors247.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors248.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors249.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors250.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors251.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors252.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors253.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors254.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors255.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors256.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors257.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors258.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors259.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors260.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors261.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors262.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors263.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors264.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors265.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors266.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors267.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors268.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors269.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors270.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors271.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors272.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors273.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors274.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors275.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors276.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors277.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors278.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors279.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors280.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors281.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors282.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors283.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors284.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors285.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors286.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors287.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors288.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors289.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors290.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors291.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors292.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors293.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors294.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors295.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors296.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors297.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors298.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors299.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors300.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors301.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors302.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors303.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors304.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors305.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors306.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors307.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors308.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors309.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors310.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors311.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors312.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors313.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors314.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors315.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors316.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors317.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors318.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors319.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors320.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors321.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors322.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors323.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors324.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors325.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors326.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors327.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors328.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors329.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors330.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors331.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors332.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors333.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors334.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors335.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors336.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors337.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors338.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors339.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors340.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors341.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors342.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors343.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors344.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors345.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors346.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors347.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors348.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors349.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors350.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors351.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors352.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors353.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors354.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors355.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors356.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors357.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors358.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors359.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors360.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors361.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors362.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors363.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors364.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors365.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors366.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors367.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors368.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors369.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors370.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors371.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors372.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors373.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors374.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors375.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors376.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors377.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors378.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors379.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors380.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors381.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors382.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors383.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors384.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors385.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors386.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors387.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors388.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors389.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors390.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors391.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors392.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors393.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors394.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors395.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors396.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors397.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors398.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors399.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors400.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors401.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors402.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors403.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors404.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors405.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors406.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors407.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors408.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors409.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors410.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors411.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors412.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors413.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors414.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors415.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors416.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors417.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors418.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors419.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors420.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors421.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors422.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors423.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors424.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors425.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors426.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors427.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors428.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors429.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors430.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors431.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors432.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors433.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors434.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors435.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors436.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors437.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors438.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors439.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors440.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors441.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors442.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors443.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors444.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors445.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors446.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors447.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors448.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors449.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors450.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors451.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors452.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors453.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors454.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors455.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors456.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors457.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors458.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors459.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors460.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors461.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors462.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors463.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors464.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors465.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors466.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors467.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors468.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors469.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors470.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors471.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors472.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors473.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors474.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors475.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors476.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors477.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors478.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors479.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors480.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors481.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors482.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors483.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors484.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors485.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors486.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors487.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors488.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors489.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors490.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors491.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors492.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors493.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors494.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors495.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors496.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors497.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors498.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors499.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors500.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors501.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors502.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors503.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors504.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors505.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors506.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors507.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors508.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors509.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors510.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors511.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors512.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors513.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors514.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors515.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors516.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors517.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors518.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors519.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors520.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors521.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors522.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors523.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors524.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors525.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors526.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors527.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors528.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors529.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors530.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors531.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors532.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors533.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors534.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors535.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors536.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors537.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors538.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors539.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors540.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors541.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors542.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors543.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors544.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors545.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors546.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors547.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors548.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors549.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors550.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors551.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors552.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors553.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors554.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors555.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors556.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors557.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors558.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors559.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors560.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors561.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors562.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors563.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors564.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors565.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors566.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors567.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors568.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors569.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors570.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors571.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors572.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors573.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors574.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors575.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors576.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors577.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors578.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors579.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors580.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors581.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors582.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors583.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors584.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors585.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors586.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors587.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors588.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors589.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors590.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors591.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors592.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors593.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors594.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors595.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors596.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors597.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors598.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors599.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors600.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors601.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors602.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors603.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors604.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors605.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors606.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors607.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors608.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors609.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors610.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors611.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors612.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors613.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors614.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors615.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors616.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors617.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors618.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors619.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors620.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors621.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors622.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors623.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors624.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors625.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors626.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors627.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors628.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors629.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors630.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors631.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors632.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors633.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors634.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors635.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors636.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors637.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors638.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors639.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors640.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors641.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors642.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors643.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors644.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors645.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors646.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors647.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors648.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors649.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors650.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors651.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors652.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors653.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors654.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors655.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors656.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors657.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors658.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors659.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors660.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors661.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors662.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors663.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors664.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors665.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors666.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors667.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors668.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors669.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors670.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors671.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors672.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors673.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors674.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors675.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors676.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors677.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors678.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors679.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors680.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors681.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors682.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors683.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors684.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors685.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors686.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors687.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors688.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors689.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors690.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors691.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors692.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors693.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors694.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors695.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors696.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors697.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors698.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors699.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors700.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors701.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors702.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors703.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors704.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors705.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors706.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors707.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors708.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors709.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors710.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors711.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors712.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors713.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors714.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors715.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors716.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors717.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors718.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors719.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors720.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors721.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors722.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors723.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors724.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors725.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors726.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors727.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors728.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors729.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors730.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors731.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors732.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors733.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors734.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors735.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors736.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors737.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors738.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors739.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors740.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors741.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors742.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors743.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors744.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors745.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors746.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors747.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors748.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors749.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors750.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors751.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors752.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors753.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors754.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors755.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors756.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors757.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors758.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors759.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors760.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors761.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors762.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors763.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors764.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors765.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors766.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors767.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors768.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors769.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors770.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors771.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors772.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors773.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors774.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors775.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors776.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors777.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors778.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors779.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors780.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors781.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors782.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors783.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors784.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors785.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors786.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors787.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors788.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors789.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors790.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors791.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors792.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors793.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors794.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors795.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors796.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors797.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors798.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors799.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors800.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors801.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors802.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors803.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors804.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors805.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors806.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors807.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors808.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors809.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors810.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors811.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors812.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors813.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors814.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors815.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors816.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors817.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors818.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors819.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors820.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors821.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors822.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors823.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors824.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors825.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors826.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors827.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors828.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors829.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors830.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors831.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors832.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors833.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors834.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors835.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors836.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors837.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors838.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors839.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors840.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors841.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors842.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors843.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors844.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors845.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors846.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors847.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors848.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors849.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors850.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors851.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors852.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors853.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors854.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors855.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors856.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors857.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors858.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors859.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors860.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors861.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors862.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors863.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors864.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors865.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors866.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors867.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors868.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors869.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors870.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors871.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors872.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors873.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors874.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors875.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors876.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors877.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors878.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors879.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors880.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors881.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors882.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors883.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors884.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors885.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors886.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors887.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors888.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors889.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors890.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors891.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors892.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors893.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors894.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors895.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors896.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors897.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors898.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors899.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors900.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors901.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors902.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors903.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors904.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors905.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors906.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors907.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors908.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors909.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors910.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors911.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors912.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors913.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors914.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors915.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors916.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors917.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors918.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors919.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors920.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors921.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors922.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors923.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors924.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors925.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors926.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors927.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors928.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors929.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors930.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors931.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors932.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors933.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors934.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors935.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors936.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors937.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors938.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors939.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors940.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors941.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors942.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors943.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors944.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors945.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors946.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors947.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors948.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors949.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors950.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors951.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors952.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors953.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors954.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors955.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors956.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors957.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors958.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors959.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors960.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors961.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors962.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors963.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors964.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors965.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors966.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors967.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors968.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors969.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors970.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors971.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors972.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors973.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors974.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors975.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors976.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors977.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors978.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors979.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors980.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors981.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors982.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors983.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors984.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors985.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors986.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors987.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors988.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors989.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors990.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors991.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors992.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors993.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors994.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors995.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors996.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors997.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors998.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors999.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1000.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1001.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1002.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1003.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1004.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1005.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1006.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1007.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1008.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1009.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1010.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1011.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1012.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1013.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1014.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1015.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1016.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1017.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1018.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1019.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1020.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1021.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1022.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1023.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1024.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1025.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1026.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1027.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1028.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1029.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1030.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1031.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1032.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1033.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1034.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1035.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1036.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1037.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1038.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1039.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1040.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1041.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1042.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1043.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1044.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1045.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1046.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1047.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1048.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1049.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1050.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1051.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1052.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1053.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1054.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1055.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1056.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1057.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1058.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1059.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1060.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1061.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1062.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1063.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1064.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1065.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1066.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1067.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1068.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1069.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1070.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1071.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1072.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1073.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1074.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1075.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1076.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1077.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1078.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1079.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1080.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1081.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1082.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1083.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1084.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1085.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1086.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1087.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1088.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1089.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1090.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1091.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1092.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1093.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1094.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1095.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1096.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1097.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1098.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1099.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1100.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1101.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1102.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1103.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1104.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1105.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1106.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1107.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1108.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1109.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1110.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1111.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1112.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1113.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1114.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1115.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1116.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1117.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1118.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1119.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1120.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1121.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1122.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1123.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1124.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1125.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1126.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1127.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1128.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1129.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1130.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1131.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1132.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1133.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1134.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1135.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1136.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1137.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1138.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1139.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1140.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1141.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1142.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1143.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1144.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1145.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1146.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1147.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1148.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1149.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1150.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1151.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1152.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1153.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1154.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1155.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1156.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1157.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1158.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1159.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1160.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1161.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1162.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1163.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1164.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1165.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1166.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1167.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1168.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1169.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1170.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1171.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1172.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1173.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1174.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1175.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1176.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1177.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1178.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1179.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1180.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1181.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1182.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1183.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1184.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1185.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1186.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1187.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1188.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1189.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1190.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1191.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1192.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1193.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1194.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1195.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1196.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1197.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1198.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1199.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1200.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1201.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1202.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1203.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1204.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1205.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1206.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1207.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1208.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1209.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1210.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1211.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1212.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1213.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1214.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1215.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1216.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1217.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1218.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1219.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1220.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1221.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1222.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1223.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1224.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1225.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1226.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1227.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1228.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1229.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1230.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1231.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1232.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1233.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1234.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1235.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1236.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1237.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1238.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1239.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1240.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1241.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1242.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1243.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1244.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1245.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1246.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1247.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1248.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1249.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1250.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1251.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1252.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1253.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1254.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1255.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1256.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1257.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1258.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1259.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1260.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1261.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1262.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1263.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1264.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1265.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1266.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1267.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1268.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1269.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1270.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1271.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1272.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1273.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1274.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1275.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1276.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1277.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1278.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1279.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1280.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1281.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1282.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1283.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1284.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1285.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1286.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1287.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1288.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1289.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1290.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1291.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1292.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1293.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1294.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1295.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1296.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1297.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1298.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1299.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1300.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1301.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1302.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1303.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1304.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1305.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1306.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1307.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1308.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1309.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1310.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1311.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1312.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1313.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1314.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1315.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1316.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1317.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1318.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1319.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1320.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1321.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1322.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1323.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1324.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1325.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1326.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1327.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1328.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1329.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1330.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1331.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1332.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1333.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1334.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1335.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1336.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1337.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1338.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1339.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1340.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1341.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1342.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1343.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1344.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1345.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1346.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1347.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1348.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1349.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1350.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1351.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1352.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1353.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1354.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1355.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1356.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1357.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1358.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1359.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1360.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1361.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1362.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1363.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1364.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1365.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1366.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1367.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1368.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1369.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1370.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1371.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1372.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1373.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1374.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1375.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1376.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1377.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1378.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1379.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1380.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1381.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1382.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1383.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1384.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1385.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1386.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1387.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1388.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1389.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1390.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1391.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1392.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1393.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1394.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1395.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1396.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1397.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1398.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1399.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1400.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1401.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1402.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1403.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1404.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1405.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1406.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1407.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1408.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1409.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1410.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1411.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1412.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1413.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1414.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1415.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1416.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1417.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1418.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1419.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1420.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1421.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1422.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1423.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1424.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1425.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1426.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1427.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1428.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1429.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1430.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1431.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1432.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1433.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1434.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1435.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1436.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1437.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1438.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1439.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1440.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1441.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1442.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1443.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1444.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1445.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1446.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1447.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1448.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1449.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1450.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1451.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1452.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1453.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1454.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1455.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1456.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1457.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1458.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1459.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1460.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1461.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1462.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1463.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1464.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1465.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1466.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1467.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1468.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1469.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1470.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1471.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1472.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1473.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1474.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1475.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1476.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1477.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1478.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1479.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1480.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1481.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1482.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1483.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1484.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1485.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1486.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1487.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1488.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1489.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1490.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1491.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1492.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1493.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1494.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1495.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1496.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1497.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1498.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1499.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1500.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1501.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1502.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1503.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1504.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1505.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1506.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1507.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1508.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1509.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1510.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1511.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1512.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1513.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1514.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1515.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1516.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1517.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1518.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1519.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1520.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1521.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1522.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1523.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1524.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1525.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1526.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1527.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1528.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1529.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1530.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1531.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1532.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1533.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1534.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1535.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1536.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1537.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1538.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1539.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1540.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1541.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1542.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1543.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1544.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1545.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1546.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1547.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1548.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1549.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1550.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1551.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1552.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1553.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1554.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1555.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1556.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1557.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1558.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1559.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1560.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1561.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1562.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1563.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1564.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.3/tensors1565.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors2.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors3.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors4.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors5.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors6.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors7.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors8.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors9.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors10.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors11.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors12.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors13.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors14.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors15.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors16.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors17.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors18.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors19.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors20.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors21.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors22.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors23.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors24.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors25.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors26.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors27.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors28.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors29.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors30.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors31.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors32.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors33.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors34.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors35.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors36.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors37.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors38.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors39.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors40.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors41.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors42.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors43.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors44.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors45.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors46.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors47.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors48.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors49.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors50.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors51.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors52.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors53.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors54.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors55.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors56.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors57.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors58.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors59.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors60.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors61.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors62.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors63.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors64.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors65.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors66.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors67.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors68.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors69.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors70.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors71.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors72.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors73.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors74.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors75.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors76.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors77.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors78.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors79.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors80.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors81.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors82.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors83.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors84.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors85.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors86.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors87.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors88.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors89.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors90.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors91.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors92.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors93.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors94.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors95.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors96.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors97.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors98.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors99.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors100.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors101.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors102.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors103.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors104.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors105.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors106.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors107.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors108.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors109.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors110.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors111.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors112.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors113.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors114.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors115.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors116.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors117.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors118.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors119.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors120.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors121.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors122.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors123.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors124.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors125.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors126.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors127.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors128.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors129.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors130.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors131.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors132.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors133.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors134.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors135.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors136.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors137.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors138.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors139.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors140.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors141.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors142.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors143.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors144.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors145.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors146.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors147.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors148.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors149.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors150.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors151.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors152.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors153.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors154.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors155.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors156.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors157.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors158.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors159.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors160.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors161.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors162.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors163.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors164.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors165.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors166.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors167.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors168.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors169.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors170.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors171.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors172.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors173.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors174.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors175.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors176.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors177.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors178.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors179.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors180.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors181.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors182.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors183.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors184.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors185.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors186.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors187.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors188.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors189.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors190.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors191.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors192.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors193.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors194.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors195.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors196.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors197.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors198.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors199.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors200.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors201.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors202.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors203.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors204.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors205.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors206.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors207.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors208.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors209.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors210.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors211.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors212.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors213.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors214.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors215.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors216.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors217.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors218.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors219.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors220.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors221.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors222.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors223.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors224.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors225.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors226.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors227.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors228.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors229.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors230.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors231.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors232.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors233.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors234.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors235.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors236.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors237.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors238.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors239.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors240.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors241.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors242.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors243.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors244.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors245.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors246.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors247.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors248.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors249.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors250.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors251.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors252.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors253.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors254.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors255.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors256.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors257.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors258.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors259.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors260.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors261.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors262.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors263.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors264.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors265.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors266.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors267.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors268.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors269.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors270.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors271.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors272.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors273.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors274.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors275.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors276.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors277.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors278.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors279.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors280.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors281.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors282.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors283.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors284.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors285.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors286.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors287.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors288.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors289.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors290.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors291.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors292.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors293.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors294.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors295.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors296.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors297.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors298.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors299.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors300.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors301.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors302.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors303.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors304.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors305.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors306.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors307.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors308.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors309.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors310.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors311.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors312.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors313.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors314.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors315.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors316.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors317.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors318.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors319.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors320.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors321.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors322.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors323.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors324.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors325.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors326.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors327.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors328.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors329.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors330.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors331.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors332.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors333.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors334.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors335.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors336.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors337.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors338.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors339.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors340.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors341.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors342.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors343.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors344.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors345.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors346.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors347.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors348.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors349.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors350.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors351.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors352.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors353.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors354.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors355.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors356.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors357.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors358.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors359.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors360.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors361.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors362.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors363.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors364.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors365.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors366.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors367.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors368.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors369.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors370.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors371.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors372.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors373.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors374.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors375.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors376.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors377.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors378.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors379.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors380.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors381.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors382.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors383.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors384.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors385.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors386.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors387.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors388.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors389.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors390.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors391.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors392.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors393.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors394.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors395.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors396.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors397.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors398.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors399.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors400.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors401.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors402.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors403.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors404.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors405.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors406.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors407.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors408.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors409.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors410.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors411.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors412.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors413.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors414.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors415.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors416.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors417.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors418.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors419.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors420.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors421.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors422.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors423.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors424.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors425.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors426.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors427.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors428.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors429.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors430.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors431.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors432.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors433.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors434.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors435.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors436.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors437.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors438.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors439.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors440.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors441.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors442.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors443.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors444.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors445.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors446.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors447.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors448.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors449.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors450.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors451.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors452.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors453.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors454.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors455.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors456.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors457.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors458.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors459.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors460.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors461.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors462.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors463.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors464.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors465.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors466.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors467.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors468.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors469.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors470.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors471.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors472.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors473.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors474.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors475.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors476.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors477.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors478.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors479.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors480.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors481.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors482.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors483.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors484.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors485.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors486.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors487.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors488.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors489.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors490.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors491.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors492.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors493.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors494.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors495.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors496.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors497.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors498.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors499.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors500.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors501.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors502.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors503.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors504.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors505.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors506.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors507.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors508.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors509.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors510.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors511.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors512.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors513.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors514.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors515.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors516.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors517.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors518.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors519.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors520.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors521.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors522.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors523.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors524.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors525.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors526.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors527.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors528.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors529.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors530.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors531.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors532.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors533.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors534.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors535.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors536.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors537.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors538.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors539.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors540.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors541.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors542.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors543.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors544.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors545.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors546.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors547.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors548.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors549.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors550.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors551.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors552.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors553.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors554.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors555.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors556.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors557.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors558.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors559.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors560.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors561.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors562.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors563.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors564.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors565.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors566.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors567.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors568.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors569.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors570.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors571.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors572.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors573.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors574.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors575.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors576.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors577.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors578.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors579.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors580.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors581.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors582.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors583.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors584.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors585.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors586.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors587.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors588.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors589.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors590.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors591.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors592.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors593.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors594.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors595.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors596.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors597.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors598.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors599.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors600.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors601.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors602.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors603.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors604.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors605.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors606.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors607.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors608.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors609.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors610.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors611.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors612.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors613.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors614.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors615.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors616.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors617.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors618.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors619.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors620.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors621.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors622.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors623.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors624.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors625.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors626.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors627.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors628.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors629.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors630.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors631.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors632.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors633.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors634.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors635.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors636.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors637.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors638.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors639.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors640.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors641.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors642.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors643.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors644.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors645.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors646.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors647.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors648.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors649.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors650.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors651.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors652.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors653.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors654.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors655.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors656.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors657.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors658.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors659.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors660.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors661.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors662.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors663.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors664.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors665.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors666.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors667.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors668.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors669.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors670.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors671.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors672.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors673.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors674.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors675.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors676.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors677.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors678.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors679.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors680.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors681.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors682.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors683.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors684.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors685.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors686.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors687.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors688.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors689.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors690.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors691.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors692.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors693.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors694.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors695.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors696.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors697.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors698.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors699.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors700.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors701.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors702.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors703.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors704.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors705.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors706.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors707.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors708.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors709.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors710.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors711.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors712.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors713.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors714.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors715.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors716.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors717.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors718.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors719.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors720.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors721.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors722.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors723.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors724.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors725.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors726.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors727.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors728.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors729.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors730.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors731.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors732.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors733.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors734.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors735.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors736.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors737.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors738.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors739.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors740.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors741.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors742.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors743.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors744.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors745.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors746.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors747.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors748.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors749.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors750.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors751.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors752.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors753.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors754.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors755.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors756.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors757.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors758.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors759.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors760.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors761.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors762.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors763.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors764.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors765.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors766.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors767.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors768.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors769.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors770.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors771.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors772.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors773.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors774.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors775.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors776.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors777.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors778.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors779.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors780.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors781.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors782.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors783.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors784.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors785.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors786.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors787.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors788.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors789.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors790.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors791.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors792.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors793.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors794.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors795.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors796.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors797.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors798.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors799.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors800.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors801.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors802.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors803.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors804.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors805.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors806.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors807.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors808.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors809.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors810.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors811.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors812.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors813.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors814.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors815.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors816.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors817.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors818.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors819.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors820.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors821.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors822.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors823.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors824.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors825.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors826.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors827.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors828.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors829.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors830.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors831.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors832.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors833.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors834.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors835.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors836.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors837.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors838.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors839.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors840.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors841.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors842.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors843.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors844.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors845.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors846.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors847.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors848.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors849.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors850.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors851.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors852.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors853.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors854.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors855.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors856.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors857.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors858.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors859.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors860.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors861.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors862.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors863.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors864.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors865.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors866.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors867.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors868.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors869.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors870.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors871.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors872.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors873.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors874.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors875.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors876.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors877.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors878.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors879.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors880.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors881.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors882.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors883.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors884.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors885.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors886.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors887.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors888.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors889.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors890.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors891.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors892.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors893.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors894.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors895.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors896.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors897.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors898.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors899.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors900.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors901.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors902.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors903.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors904.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors905.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors906.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors907.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors908.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors909.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors910.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors911.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors912.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors913.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors914.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors915.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors916.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors917.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors918.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors919.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors920.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors921.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors922.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors923.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors924.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors925.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors926.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors927.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors928.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors929.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors930.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors931.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors932.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors933.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors934.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors935.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors936.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors937.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors938.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors939.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors940.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors941.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors942.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors943.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors944.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors945.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors946.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors947.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors948.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors949.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors950.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors951.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors952.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors953.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors954.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors955.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors956.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors957.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors958.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors959.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors960.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors961.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors962.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors963.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors964.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors965.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors966.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors967.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors968.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors969.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors970.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors971.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors972.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors973.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors974.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors975.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors976.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors977.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors978.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors979.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors980.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors981.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors982.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors983.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors984.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors985.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors986.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors987.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors988.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors989.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors990.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors991.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors992.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors993.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors994.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors995.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors996.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors997.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors998.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors999.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1000.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1001.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1002.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1003.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1004.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1005.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1006.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1007.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1008.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1009.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1010.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1011.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1012.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1013.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1014.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1015.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1016.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1017.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1018.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1019.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1020.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1021.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1022.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1023.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1024.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1025.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1026.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1027.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1028.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1029.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1030.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1031.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1032.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1033.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1034.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1035.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1036.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1037.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1038.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1039.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1040.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1041.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1042.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1043.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1044.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1045.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1046.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1047.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1048.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1049.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1050.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1051.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1052.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1053.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1054.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1055.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1056.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1057.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1058.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1059.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1060.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1061.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1062.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1063.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1064.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1065.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1066.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1067.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1068.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1069.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1070.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1071.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1072.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1073.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1074.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1075.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1076.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1077.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1078.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1079.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1080.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1081.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1082.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1083.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1084.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1085.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1086.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1087.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1088.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1089.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1090.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1091.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1092.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1093.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1094.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1095.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1096.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1097.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1098.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1099.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1100.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1101.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1102.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1103.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1104.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1105.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1106.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1107.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1108.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1109.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1110.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1111.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1112.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1113.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1114.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1115.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1116.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1117.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1118.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1119.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1120.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1121.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1122.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1123.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1124.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1125.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1126.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1127.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1128.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1129.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1130.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1131.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1132.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1133.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1134.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1135.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1136.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1137.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1138.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1139.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1140.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1141.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1142.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1143.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1144.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1145.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1146.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1147.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1148.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1149.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1150.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1151.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1152.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1153.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1154.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1155.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1156.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1157.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1158.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1159.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1160.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1161.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1162.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1163.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1164.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1165.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1166.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1167.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1168.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1169.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1170.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1171.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1172.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1173.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1174.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1175.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1176.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1177.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1178.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1179.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1180.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1181.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1182.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1183.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1184.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1185.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1186.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1187.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1188.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1189.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1190.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1191.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1192.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1193.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1194.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1195.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1196.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1197.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1198.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1199.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1200.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1201.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1202.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1203.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1204.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1205.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1206.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1207.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1208.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1209.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1210.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1211.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1212.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1213.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1214.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1215.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1216.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1217.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1218.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1219.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1220.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1221.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1222.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1223.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1224.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1225.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1226.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1227.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1228.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1229.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1230.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1231.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1232.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1233.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1234.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1235.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1236.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1237.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1238.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1239.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1240.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1241.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1242.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1243.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1244.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1245.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1246.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1247.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1248.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1249.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1250.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1251.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1252.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1253.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1254.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1255.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1256.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1257.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1258.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1259.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1260.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1261.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1262.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1263.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1264.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1265.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1266.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1267.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1268.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1269.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1270.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1271.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1272.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1273.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1274.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1275.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1276.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1277.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1278.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1279.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1280.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1281.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1282.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1283.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1284.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1285.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1286.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1287.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1288.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1289.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1290.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1291.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1292.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1293.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1294.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1295.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1296.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1297.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1298.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1299.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1300.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1301.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1302.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1303.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1304.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1305.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1306.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1307.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1308.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1309.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1310.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1311.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1312.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1313.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1314.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1315.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1316.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1317.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1318.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1319.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1320.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1321.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1322.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1323.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1324.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1325.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1326.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1327.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1328.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1329.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1330.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1331.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1332.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1333.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1334.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1335.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1336.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1337.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1338.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1339.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1340.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1341.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1342.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1343.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1344.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1345.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1346.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1347.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1348.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1349.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1350.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1351.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1352.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1353.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1354.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1355.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1356.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1357.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1358.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1359.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1360.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1361.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1362.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1363.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1364.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1365.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1366.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1367.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1368.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1369.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1370.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1371.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1372.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1373.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1374.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1375.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1376.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1377.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1378.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1379.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1380.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1381.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1382.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1383.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1384.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1385.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1386.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1387.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1388.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1389.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1390.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1391.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1392.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1393.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1394.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1395.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1396.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1397.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1398.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1399.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1400.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1401.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1402.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1403.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1404.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1405.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1406.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1407.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1408.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1409.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1410.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1411.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1412.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1413.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1414.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1415.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1416.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1417.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1418.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1419.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1420.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1421.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1422.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1423.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1424.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1425.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1426.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1427.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1428.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1429.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1430.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1431.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1432.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1433.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1434.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1435.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1436.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1437.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1438.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1439.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1440.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1441.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1442.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1443.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1444.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1445.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1446.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1447.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1448.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1449.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1450.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1451.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1452.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1453.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1454.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1455.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1456.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1457.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1458.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1459.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1460.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1461.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1462.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1463.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1464.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1465.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1466.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1467.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1468.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1469.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1470.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1471.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1472.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1473.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1474.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1475.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1476.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1477.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1478.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1479.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1480.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1481.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1482.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1483.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1484.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1485.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1486.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1487.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1488.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1489.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1490.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1491.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1492.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1493.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1494.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1495.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1496.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1497.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1498.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1499.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1500.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1501.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1502.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1503.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1504.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1505.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1506.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1507.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1508.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1509.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1510.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1511.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1512.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1513.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1514.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1515.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1516.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1517.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1518.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1519.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1520.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1521.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1522.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1523.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1524.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1525.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1526.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1527.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1528.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1529.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1530.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1531.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1532.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1533.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1534.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1535.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1536.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1537.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1538.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1539.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1540.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1541.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1542.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1543.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1544.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1545.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1546.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1547.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1548.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1549.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1550.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1551.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1552.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1553.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1554.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1555.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1556.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1557.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1558.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1559.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1560.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1561.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1562.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1563.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1564.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004711.3/tensors1565.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors2.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors3.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors4.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors5.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors6.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors7.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors8.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors9.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors10.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors11.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors12.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors13.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors14.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors15.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors16.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors17.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors18.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors19.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors20.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors21.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors22.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors23.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors24.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors25.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors26.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors27.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors28.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors29.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors30.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors31.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors32.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors33.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors34.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors35.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors36.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors37.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors38.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors39.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors40.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors41.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors42.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors43.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors44.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors45.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors46.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors47.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors48.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors49.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors50.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors51.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors52.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors53.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors54.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors55.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors56.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors57.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors58.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors59.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors60.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors61.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors62.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors63.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors64.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors65.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors66.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors67.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors68.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors69.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors70.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors71.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors72.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors73.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors74.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors75.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors76.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors77.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors78.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors79.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors80.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors81.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors82.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors83.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors84.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors85.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors86.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors87.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors88.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors89.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors90.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors91.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors92.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors93.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors94.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors95.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors96.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors97.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors98.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors99.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors100.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors101.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors102.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors103.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors104.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors105.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors106.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors107.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors108.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors109.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors110.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors111.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors112.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors113.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors114.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors115.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors116.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors117.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors118.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors119.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors120.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors121.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors122.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors123.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors124.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors125.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors126.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors127.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors128.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors129.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors130.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors131.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors132.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors133.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors134.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors135.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors136.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors137.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors138.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors139.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors140.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors141.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors142.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors143.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors144.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors145.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors146.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors147.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors148.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors149.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors150.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors151.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors152.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors153.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors154.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors155.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors156.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors157.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors158.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors159.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors160.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors161.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors162.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors163.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors164.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors165.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors166.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors167.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors168.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors169.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors170.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors171.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors172.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors173.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors174.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors175.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors176.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors177.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors178.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors179.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors180.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors181.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors182.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors183.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors184.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors185.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors186.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors187.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors188.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors189.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors190.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors191.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors192.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors193.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors194.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors195.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors196.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors197.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors198.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors199.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors200.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors201.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors202.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors203.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors204.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors205.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors206.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors207.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors208.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors209.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors210.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors211.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors212.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors213.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors214.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors215.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors216.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors217.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors218.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors219.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors220.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors221.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors222.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors223.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors224.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors225.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors226.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors227.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors228.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors229.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors230.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors231.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors232.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors233.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors234.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors235.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors236.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors237.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors238.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors239.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors240.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors241.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors242.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors243.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors244.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors245.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors246.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors247.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors248.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors249.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors250.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors251.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors252.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors253.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors254.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors255.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors256.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors257.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors258.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors259.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors260.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors261.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors262.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors263.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors264.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors265.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors266.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors267.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors268.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors269.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors270.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors271.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors272.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors273.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors274.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors275.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors276.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors277.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors278.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors279.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors280.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors281.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors282.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors283.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors284.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors285.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors286.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors287.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors288.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors289.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors290.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors291.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors292.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors293.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors294.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors295.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors296.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors297.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors298.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors299.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors300.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors301.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors302.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors303.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors304.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors305.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors306.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors307.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors308.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors309.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors310.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors311.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors312.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors313.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors314.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors315.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors316.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors317.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors318.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors319.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors320.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors321.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors322.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors323.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors324.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors325.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors326.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors327.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors328.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors329.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors330.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors331.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors332.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors333.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors334.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors335.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors336.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors337.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors338.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors339.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors340.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors341.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors342.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors343.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors344.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors345.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors346.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors347.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors348.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors349.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors350.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors351.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors352.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors353.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors354.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors355.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors356.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors357.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors358.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors359.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors360.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors361.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors362.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors363.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors364.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors365.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors366.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors367.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors368.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors369.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors370.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors371.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors372.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors373.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors374.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors375.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors376.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors377.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors378.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors379.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors380.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors381.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors382.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors383.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors384.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors385.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors386.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors387.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors388.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors389.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors390.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors391.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors392.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors393.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors394.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors395.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors396.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors397.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors398.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors399.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors400.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors401.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors402.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors403.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors404.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors405.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors406.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors407.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors408.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors409.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors410.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors411.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors412.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors413.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors414.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors415.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors416.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors417.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors418.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors419.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors420.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors421.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors422.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors423.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors424.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors425.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors426.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors427.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors428.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors429.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors430.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors431.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors432.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors433.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors434.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors435.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors436.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors437.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors438.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors439.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors440.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors441.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors442.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors443.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors444.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors445.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors446.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors447.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors448.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors449.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors450.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors451.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors452.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors453.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors454.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors455.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors456.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors457.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors458.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors459.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors460.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors461.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors462.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors463.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors464.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors465.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors466.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors467.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors468.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors469.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors470.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors471.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors472.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors473.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors474.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors475.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors476.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors477.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors478.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors479.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors480.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors481.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors482.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors483.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors484.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors485.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors486.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors487.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors488.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors489.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors490.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors491.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors492.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors493.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors494.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors495.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors496.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors497.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors498.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors499.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors500.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors501.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors502.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors503.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors504.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors505.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors506.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors507.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors508.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors509.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors510.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors511.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors512.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors513.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors514.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors515.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors516.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors517.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors518.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors519.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors520.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors521.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors522.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors523.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors524.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors525.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors526.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors527.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors528.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors529.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors530.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors531.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors532.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors533.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors534.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors535.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors536.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors537.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors538.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors539.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors540.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors541.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors542.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors543.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors544.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors545.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors546.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors547.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors548.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors549.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors550.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors551.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors552.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors553.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors554.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors555.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors556.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors557.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors558.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors559.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors560.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors561.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors562.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors563.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors564.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors565.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors566.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors567.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors568.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors569.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors570.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors571.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors572.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors573.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors574.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors575.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors576.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors577.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors578.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors579.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors580.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors581.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors582.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors583.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors584.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors585.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors586.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors587.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors588.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors589.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors590.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors591.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors592.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors593.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors594.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors595.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors596.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors597.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors598.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors599.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors600.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors601.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors602.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors603.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors604.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors605.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors606.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors607.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors608.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors609.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors610.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors611.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors612.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors613.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors614.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors615.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors616.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors617.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors618.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors619.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors620.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors621.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors622.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors623.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors624.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors625.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors626.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors627.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors628.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors629.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors630.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors631.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors632.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors633.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors634.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors635.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors636.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors637.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors638.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors639.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors640.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors641.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors642.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors643.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors644.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors645.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors646.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors647.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors648.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors649.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors650.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors651.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors652.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors653.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors654.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors655.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors656.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors657.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors658.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors659.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors660.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors661.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors662.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors663.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors664.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors665.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors666.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors667.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors668.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors669.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors670.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors671.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors672.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors673.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors674.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors675.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors676.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors677.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors678.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors679.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors680.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors681.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors682.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors683.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors684.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors685.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors686.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors687.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors688.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors689.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors690.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors691.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors692.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors693.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors694.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors695.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors696.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors697.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors698.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors699.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors700.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors701.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors702.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors703.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors704.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors705.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors706.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors707.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors708.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors709.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors710.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors711.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors712.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors713.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors714.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors715.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors716.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors717.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors718.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors719.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors720.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors721.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors722.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors723.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors724.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors725.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors726.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors727.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors728.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors729.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors730.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors731.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors732.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors733.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors734.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors735.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors736.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors737.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors738.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors739.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors740.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors741.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors742.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors743.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors744.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors745.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors746.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors747.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors748.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors749.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors750.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors751.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors752.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors753.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors754.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors755.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors756.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors757.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors758.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors759.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors760.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors761.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors762.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors763.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors764.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors765.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors766.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors767.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors768.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors769.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors770.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors771.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors772.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors773.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors774.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors775.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors776.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors777.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors778.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors779.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors780.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors781.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors782.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors783.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors784.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors785.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors786.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors787.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors788.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors789.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors790.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors791.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors792.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors793.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors794.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors795.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors796.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors797.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors798.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors799.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors800.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors801.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors802.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors803.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors804.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors805.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors806.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors807.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors808.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors809.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors810.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors811.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors812.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors813.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors814.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors815.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors816.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors817.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors818.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors819.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors820.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors821.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors822.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors823.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors824.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors825.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors826.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors827.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors828.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors829.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors830.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors831.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors832.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors833.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors834.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors835.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors836.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors837.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors838.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors839.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors840.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors841.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors842.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors843.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors844.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors845.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors846.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors847.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors848.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors849.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors850.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors851.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors852.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors853.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors854.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors855.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors856.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors857.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors858.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors859.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors860.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors861.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors862.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors863.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors864.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors865.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors866.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors867.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors868.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors869.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors870.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors871.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors872.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors873.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors874.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors875.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors876.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors877.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors878.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors879.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors880.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors881.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors882.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors883.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors884.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors885.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors886.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors887.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors888.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors889.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors890.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors891.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors892.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors893.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors894.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors895.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors896.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors897.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors898.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors899.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors900.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors901.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors902.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors903.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors904.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors905.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors906.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors907.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors908.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors909.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors910.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors911.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors912.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors913.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors914.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors915.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors916.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors917.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors918.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors919.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors920.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors921.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors922.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors923.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors924.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors925.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors926.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors927.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors928.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors929.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors930.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors931.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors932.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors933.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors934.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors935.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors936.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors937.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors938.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors939.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors940.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors941.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors942.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors943.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors944.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors945.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors946.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors947.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors948.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors949.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors950.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors951.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors952.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors953.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors954.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors955.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors956.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors957.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors958.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors959.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors960.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors961.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors962.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors963.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors964.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors965.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors966.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors967.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors968.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors969.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors970.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors971.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors972.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors973.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors974.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors975.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors976.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors977.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors978.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors979.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors980.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors981.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors982.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors983.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors984.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors985.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors986.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors987.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors988.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors989.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors990.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors991.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors992.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors993.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors994.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors995.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors996.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors997.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors998.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors999.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1000.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1001.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1002.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1003.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1004.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1005.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1006.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1007.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1008.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1009.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1010.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1011.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1012.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1013.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1014.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1015.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1016.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1017.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1018.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1019.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1020.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1021.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1022.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1023.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1024.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1025.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1026.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1027.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1028.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1029.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1030.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1031.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1032.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1033.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1034.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1035.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1036.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1037.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1038.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1039.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1040.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1041.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1042.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1043.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1044.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1045.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1046.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1047.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1048.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1049.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1050.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1051.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1052.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1053.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1054.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1055.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1056.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1057.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1058.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1059.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1060.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1061.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1062.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1063.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1064.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1065.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1066.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1067.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1068.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1069.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1070.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1071.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1072.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1073.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1074.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1075.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1076.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1077.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1078.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1079.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1080.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1081.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1082.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1083.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1084.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1085.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1086.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1087.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1088.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1089.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1090.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1091.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1092.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1093.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1094.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1095.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1096.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1097.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1098.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1099.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1100.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1101.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1102.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1103.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1104.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1105.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1106.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1107.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1108.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1109.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1110.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1111.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1112.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1113.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1114.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1115.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1116.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1117.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1118.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1119.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1120.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1121.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1122.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1123.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1124.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1125.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1126.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1127.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1128.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1129.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1130.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1131.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1132.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1133.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1134.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1135.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1136.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1137.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1138.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1139.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1140.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1141.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1142.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1143.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1144.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1145.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1146.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1147.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1148.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1149.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1150.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1151.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1152.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1153.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1154.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1155.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1156.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1157.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1158.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1159.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1160.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1161.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1162.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1163.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1164.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1165.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1166.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1167.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1168.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1169.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1170.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1171.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1172.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1173.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1174.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1175.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1176.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1177.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1178.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1179.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1180.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1181.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1182.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1183.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1184.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1185.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1186.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1187.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1188.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1189.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1190.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1191.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1192.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1193.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1194.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1195.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1196.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1197.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1198.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1199.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1200.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1201.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1202.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1203.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1204.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1205.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1206.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1207.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1208.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1209.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1210.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1211.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1212.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1213.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1214.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1215.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1216.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1217.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1218.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1219.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1220.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1221.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1222.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1223.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1224.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1225.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1226.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1227.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1228.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1229.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1230.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1231.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1232.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1233.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1234.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1235.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1236.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1237.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1238.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1239.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1240.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1241.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1242.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1243.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1244.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1245.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1246.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1247.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1248.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1249.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1250.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1251.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1252.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1253.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1254.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1255.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1256.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1257.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1258.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1259.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1260.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1261.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1262.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1263.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1264.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1265.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1266.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1267.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1268.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1269.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1270.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1271.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1272.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1273.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1274.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1275.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1276.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1277.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1278.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1279.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1280.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1281.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1282.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1283.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1284.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1285.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1286.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1287.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1288.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1289.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1290.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1291.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1292.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1293.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1294.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1295.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1296.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1297.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1298.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1299.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1300.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1301.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1302.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1303.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1304.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1305.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1306.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1307.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1308.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1309.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1310.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1311.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1312.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1313.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1314.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1315.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1316.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1317.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1318.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1319.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1320.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1321.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1322.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1323.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1324.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1325.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1326.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1327.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1328.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1329.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1330.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1331.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1332.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1333.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1334.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1335.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1336.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1337.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1338.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1339.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1340.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1341.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1342.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1343.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1344.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1345.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1346.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1347.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1348.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1349.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1350.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1351.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1352.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1353.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1354.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1355.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1356.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1357.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1358.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1359.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1360.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1361.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1362.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1363.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1364.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1365.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1366.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1367.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1368.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1369.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1370.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1371.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1372.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1373.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1374.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1375.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1376.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1377.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1378.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1379.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1380.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1381.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1382.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1383.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1384.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1385.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1386.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1387.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1388.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1389.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1390.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1391.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1392.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1393.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1394.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1395.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1396.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1397.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1398.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1399.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1400.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1401.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1402.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1403.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1404.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1405.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1406.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1407.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1408.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1409.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1410.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1411.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1412.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1413.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1414.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1415.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1416.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1417.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1418.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1419.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1420.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1421.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1422.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1423.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1424.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1425.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1426.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1427.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1428.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1429.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1430.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1431.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1432.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1433.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1434.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1435.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1436.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1437.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1438.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1439.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1440.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1441.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1442.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1443.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1444.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1445.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1446.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1447.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1448.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1449.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1450.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1451.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1452.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1453.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1454.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1455.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1456.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1457.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1458.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1459.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1460.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1461.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1462.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1463.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1464.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1465.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1466.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1467.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1468.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1469.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1470.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1471.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1472.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1473.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1474.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1475.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1476.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1477.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1478.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1479.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1480.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1481.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1482.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1483.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1484.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1485.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1486.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1487.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1488.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1489.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1490.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1491.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1492.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1493.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1494.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1495.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1496.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1497.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1498.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1499.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1500.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1501.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1502.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1503.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1504.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1505.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1506.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1507.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1508.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1509.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1510.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1511.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1512.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1513.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1514.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1515.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1516.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1517.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1518.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1519.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1520.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1521.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1522.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1523.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1524.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1525.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1526.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1527.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1528.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1529.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1530.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1531.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1532.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1533.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1534.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1535.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1536.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1537.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1538.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1539.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1540.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1541.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1542.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1543.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1544.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1545.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1546.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1547.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1548.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1549.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1550.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1551.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1552.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1553.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1554.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1555.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1556.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1557.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1558.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1559.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1560.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1561.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1562.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1563.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1564.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Geox/8004736.278/tensors1565.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors2.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors3.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors4.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors5.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors6.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors7.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors8.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors9.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors10.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors11.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors12.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors13.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors14.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors15.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors16.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors17.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors18.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors19.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors20.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors21.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors22.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors23.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors24.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors25.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors26.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors27.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors28.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors29.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors30.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors31.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors32.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors33.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors34.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors35.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors36.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors37.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors38.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors39.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors40.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors41.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors42.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors43.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors44.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors45.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors46.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors47.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors48.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors49.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors50.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors51.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors52.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors53.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors54.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors55.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors56.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors57.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors58.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors59.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors60.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors61.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors62.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors63.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors64.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors65.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors66.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors67.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors68.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors69.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors70.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors71.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors72.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors73.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors74.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors75.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors76.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors77.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors78.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors79.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors80.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors81.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors82.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors83.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors84.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors85.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors86.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors87.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors88.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors89.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors90.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors91.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors92.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors93.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors94.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors95.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors96.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors97.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors98.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors99.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors100.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors101.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors102.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors103.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors104.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors105.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors106.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors107.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors108.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors109.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors110.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors111.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors112.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors113.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors114.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors115.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors116.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors117.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors118.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors119.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors120.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors121.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors122.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors123.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors124.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors125.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors126.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors127.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors128.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors129.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors130.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors131.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors132.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors133.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors134.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors135.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors136.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors137.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors138.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors139.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors140.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors141.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors142.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors143.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors144.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors145.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors146.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors147.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors148.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors149.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors150.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors151.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors152.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors153.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors154.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors155.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors156.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors157.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors158.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors159.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors160.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors161.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors162.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors163.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors164.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors165.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors166.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors167.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors168.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors169.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors170.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors171.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors172.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors173.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors174.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors175.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors176.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors177.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors178.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors179.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors180.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors181.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors182.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors183.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors184.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors185.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors186.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors187.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors188.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors189.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors190.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors191.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors192.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors193.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors194.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors195.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors196.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors197.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors198.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors199.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors200.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors201.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors202.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors203.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors204.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors205.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors206.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors207.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors208.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors209.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors210.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors211.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors212.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors213.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors214.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors215.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors216.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors217.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors218.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors219.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors220.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors221.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors222.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors223.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors224.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors225.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors226.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors227.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors228.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors229.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors230.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors231.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors232.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors233.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors234.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors235.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors236.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors237.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors238.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors239.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors240.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors241.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors242.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors243.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors244.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors245.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors246.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors247.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors248.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors249.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors250.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors251.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors252.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors253.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors254.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors255.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors256.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors257.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors258.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors259.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors260.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors261.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors262.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors263.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors264.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors265.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors266.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors267.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors268.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors269.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors270.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors271.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors272.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors273.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors274.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors275.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors276.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors277.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors278.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors279.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors280.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors281.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors282.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors283.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors284.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors285.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors286.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors287.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors288.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors289.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors290.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors291.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors292.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors293.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors294.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors295.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors296.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors297.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors298.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors299.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors300.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors301.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors302.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors303.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors304.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors305.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors306.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors307.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors308.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors309.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors310.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors311.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors312.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors313.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors314.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors315.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors316.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors317.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors318.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors319.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors320.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors321.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors322.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors323.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors324.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors325.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors326.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors327.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors328.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors329.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors330.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors331.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors332.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors333.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors334.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors335.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors336.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors337.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors338.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors339.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors340.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors341.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors342.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors343.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors344.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors345.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors346.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors347.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors348.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors349.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors350.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors351.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors352.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors353.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors354.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors355.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors356.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors357.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors358.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors359.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors360.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors361.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors362.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors363.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors364.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors365.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors366.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors367.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors368.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors369.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors370.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors371.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors372.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors373.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors374.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors375.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors376.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors377.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors378.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors379.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors380.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors381.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors382.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors383.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors384.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors385.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors386.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors387.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors388.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors389.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors390.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors391.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors392.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors393.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors394.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors395.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors396.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors397.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors398.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors399.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors400.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors401.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors402.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors403.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors404.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors405.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors406.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors407.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors408.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors409.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors410.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors411.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors412.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors413.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors414.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors415.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors416.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors417.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors418.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors419.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors420.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors421.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors422.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors423.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors424.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors425.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors426.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors427.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors428.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors429.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors430.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors431.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors432.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors433.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors434.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors435.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors436.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors437.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors438.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors439.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors440.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors441.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors442.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors443.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors444.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors445.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors446.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors447.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors448.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors449.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors450.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors451.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors452.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors453.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors454.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors455.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors456.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors457.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors458.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors459.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors460.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors461.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors462.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors463.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors464.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors465.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors466.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors467.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors468.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors469.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors470.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors471.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors472.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors473.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors474.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors475.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors476.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors477.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors478.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors479.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors480.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors481.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors482.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors483.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors484.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors485.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors486.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors487.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors488.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors489.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors490.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors491.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors492.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors493.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors494.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors495.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors496.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors497.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors498.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors499.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors500.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors501.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors502.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors503.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors504.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors505.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors506.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors507.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors508.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors509.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors510.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors511.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors512.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors513.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors514.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors515.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors516.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors517.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors518.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors519.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors520.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors521.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors522.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors523.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors524.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors525.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors526.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors527.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors528.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors529.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors530.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors531.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors532.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors533.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors534.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors535.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors536.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors537.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors538.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors539.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors540.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors541.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors542.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors543.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors544.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors545.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors546.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors547.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors548.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors549.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors550.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors551.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors552.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors553.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors554.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors555.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors556.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors557.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors558.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors559.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors560.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors561.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors562.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors563.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors564.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors565.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors566.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors567.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors568.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors569.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors570.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors571.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors572.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors573.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors574.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors575.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors576.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors577.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors578.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors579.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors580.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors581.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors582.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors583.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors584.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors585.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors586.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors587.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors588.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors589.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors590.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors591.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors592.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors593.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors594.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors595.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors596.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors597.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors598.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors599.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors600.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors601.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors602.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors603.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors604.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors605.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors606.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors607.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors608.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors609.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors610.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors611.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors612.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors613.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors614.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors615.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors616.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors617.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors618.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors619.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors620.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors621.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors622.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors623.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors624.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors625.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors626.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors627.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors628.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors629.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors630.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors631.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors632.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors633.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors634.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors635.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors636.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors637.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors638.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors639.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors640.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors641.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors642.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors643.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors644.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors645.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors646.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors647.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors648.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors649.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors650.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors651.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors652.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors653.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors654.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors655.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors656.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors657.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors658.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors659.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors660.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors661.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors662.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors663.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors664.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors665.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors666.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors667.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors668.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors669.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors670.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors671.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors672.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors673.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors674.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors675.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors676.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors677.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors678.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors679.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors680.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors681.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors682.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors683.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors684.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors685.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors686.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors687.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors688.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors689.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors690.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors691.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors692.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors693.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors694.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors695.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors696.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors697.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors698.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors699.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors700.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors701.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors702.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors703.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors704.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors705.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors706.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors707.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors708.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors709.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors710.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors711.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors712.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors713.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors714.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors715.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors716.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors717.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors718.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors719.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors720.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors721.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors722.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors723.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors724.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors725.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors726.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors727.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors728.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors729.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors730.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors731.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors732.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors733.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors734.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors735.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors736.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors737.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors738.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors739.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors740.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors741.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors742.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors743.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors744.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors745.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors746.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors747.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors748.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors749.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors750.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors751.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors752.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors753.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors754.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors755.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors756.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors757.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors758.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors759.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors760.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors761.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors762.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors763.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors764.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors765.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors766.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors767.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors768.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors769.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors770.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors771.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors772.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors773.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors774.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors775.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors776.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors777.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors778.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors779.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors780.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors781.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors782.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors783.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors784.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors785.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors786.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors787.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors788.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors789.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors790.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors791.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors792.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors793.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors794.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors795.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors796.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors797.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors798.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors799.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors800.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors801.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors802.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors803.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors804.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors805.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors806.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors807.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors808.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors809.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors810.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors811.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors812.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors813.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors814.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors815.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors816.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors817.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors818.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors819.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors820.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors821.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors822.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors823.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors824.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors825.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors826.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors827.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors828.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors829.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors830.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors831.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors832.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors833.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors834.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors835.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors836.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors837.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors838.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors839.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors840.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors841.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors842.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors843.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors844.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors845.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors846.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors847.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors848.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors849.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors850.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors851.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors852.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors853.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors854.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors855.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors856.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors857.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors858.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors859.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors860.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors861.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors862.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors863.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors864.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors865.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors866.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors867.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors868.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors869.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors870.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors871.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors872.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors873.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors874.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors875.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors876.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors877.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors878.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors879.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors880.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors881.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors882.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors883.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors884.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors885.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors886.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors887.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors888.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors889.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors890.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors891.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors892.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors893.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors894.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors895.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors896.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors897.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors898.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors899.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors900.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors901.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors902.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors903.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors904.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors905.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors906.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors907.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors908.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors909.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors910.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors911.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors912.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors913.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors914.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors915.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors916.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors917.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors918.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors919.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors920.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors921.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors922.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors923.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors924.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors925.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors926.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors927.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors928.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors929.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors930.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors931.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors932.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors933.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors934.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors935.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors936.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors937.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors938.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors939.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors940.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors941.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors942.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors943.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors944.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors945.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors946.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors947.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors948.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors949.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors950.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors951.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors952.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors953.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors954.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors955.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors956.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors957.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors958.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors959.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors960.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors961.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors962.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors963.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors964.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors965.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors966.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors967.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors968.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors969.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors970.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors971.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors972.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors973.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors974.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors975.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors976.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors977.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors978.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors979.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors980.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors981.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors982.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors983.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors984.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors985.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors986.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors987.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors988.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors989.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors990.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors991.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors992.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors993.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors994.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors995.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors996.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors997.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors998.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors999.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1000.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1001.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1002.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1003.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1004.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1005.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1006.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1007.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1008.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1009.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1010.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1011.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1012.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1013.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1014.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1015.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1016.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1017.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1018.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1019.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1020.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1021.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1022.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1023.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1024.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1025.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1026.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1027.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1028.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1029.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1030.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1031.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1032.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1033.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1034.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1035.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1036.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1037.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1038.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1039.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1040.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1041.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1042.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1043.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1044.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1045.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1046.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1047.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1048.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1049.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1050.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1051.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1052.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1053.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1054.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1055.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1056.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1057.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1058.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1059.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1060.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1061.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1062.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1063.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1064.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1065.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1066.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1067.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1068.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1069.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1070.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1071.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1072.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1073.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1074.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1075.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1076.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1077.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1078.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1079.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1080.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1081.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1082.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1083.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1084.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1085.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1086.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1087.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1088.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1089.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1090.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1091.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1092.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1093.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1094.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1095.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1096.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1097.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1098.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1099.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1100.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1101.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1102.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1103.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1104.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1105.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1106.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1107.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1108.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1109.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1110.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1111.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1112.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1113.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1114.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1115.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1116.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1117.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1118.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1119.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1120.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1121.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1122.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1123.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1124.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1125.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1126.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1127.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1128.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1129.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1130.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1131.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1132.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1133.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1134.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1135.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1136.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1137.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1138.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1139.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1140.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1141.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1142.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1143.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1144.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1145.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1146.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1147.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1148.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1149.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1150.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1151.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1152.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1153.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1154.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1155.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1156.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1157.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1158.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1159.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1160.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1161.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1162.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1163.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1164.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1165.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1166.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1167.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1168.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1169.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1170.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1171.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1172.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1173.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1174.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1175.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1176.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1177.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1178.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1179.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1180.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1181.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1182.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1183.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1184.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1185.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1186.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1187.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1188.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1189.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1190.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1191.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1192.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1193.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1194.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1195.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1196.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1197.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1198.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1199.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1200.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1201.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1202.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1203.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1204.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1205.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1206.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1207.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1208.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1209.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1210.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1211.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1212.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1213.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1214.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1215.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1216.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1217.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1218.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1219.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1220.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1221.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1222.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1223.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1224.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1225.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1226.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1227.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1228.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1229.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1230.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1231.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1232.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1233.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1234.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1235.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1236.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1237.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1238.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1239.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1240.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1241.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1242.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1243.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1244.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1245.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1246.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1247.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1248.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1249.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1250.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1251.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1252.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1253.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1254.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1255.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1256.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1257.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1258.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1259.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1260.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1261.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1262.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1263.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1264.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1265.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1266.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1267.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1268.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1269.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1270.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1271.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1272.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1273.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1274.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1275.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1276.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1277.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1278.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1279.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1280.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1281.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1282.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1283.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1284.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1285.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1286.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1287.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1288.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1289.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1290.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1291.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1292.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1293.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1294.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1295.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1296.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1297.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1298.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1299.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1300.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1301.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1302.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1303.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1304.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1305.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1306.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1307.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1308.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1309.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1310.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1311.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1312.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1313.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1314.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1315.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1316.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1317.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1318.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1319.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1320.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1321.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1322.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1323.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1324.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1325.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1326.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1327.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1328.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1329.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1330.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1331.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1332.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1333.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1334.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1335.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1336.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1337.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1338.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1339.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1340.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1341.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1342.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1343.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1344.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1345.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1346.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1347.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1348.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1349.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1350.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1351.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1352.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1353.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1354.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1355.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1356.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1357.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1358.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1359.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1360.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1361.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1362.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1363.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1364.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1365.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1366.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1367.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1368.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1369.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1370.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1371.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1372.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1373.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1374.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1375.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1376.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1377.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1378.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1379.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1380.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1381.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1382.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1383.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1384.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1385.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1386.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1387.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1388.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1389.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1390.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1391.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1392.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1393.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1394.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1395.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1396.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1397.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1398.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1399.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1400.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1401.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1402.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1403.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1404.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1405.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1406.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1407.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1408.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1409.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1410.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1411.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1412.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1413.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1414.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1415.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1416.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1417.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1418.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1419.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1420.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1421.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1422.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1423.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1424.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1425.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1426.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1427.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1428.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1429.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1430.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1431.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1432.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1433.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1434.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1435.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1436.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1437.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1438.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1439.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1440.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1441.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1442.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1443.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1444.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1445.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1446.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1447.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1448.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1449.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1450.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1451.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1452.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1453.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1454.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1455.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1456.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1457.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1458.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1459.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1460.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1461.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1462.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1463.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1464.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1465.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1466.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1467.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1468.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1469.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1470.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1471.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1472.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1473.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1474.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1475.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1476.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1477.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1478.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1479.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1480.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1481.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1482.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1483.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1484.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1485.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1486.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1487.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1488.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1489.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1490.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1491.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1492.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1493.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1494.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1495.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1496.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1497.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1498.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1499.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1500.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1501.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1502.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1503.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1504.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1505.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1506.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1507.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1508.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1509.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1510.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1511.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1512.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1513.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1514.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1515.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1516.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1517.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1518.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1519.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1520.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1521.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1522.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1523.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1524.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1525.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1526.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1527.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1528.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1529.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1530.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1531.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1532.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1533.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1534.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1535.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1536.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1537.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1538.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1539.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1540.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1541.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1542.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1543.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1544.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1545.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1546.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1547.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1548.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1549.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1550.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1551.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1552.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1553.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1554.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1555.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1556.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1557.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1558.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1559.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1560.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1561.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1562.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1563.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1564.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Truth or Dare By Madonna/8104729.72/tensors1565.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors2.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors3.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors4.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors5.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors6.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors7.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors8.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors9.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors10.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors11.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors12.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors13.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors14.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors15.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors16.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors17.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors18.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors19.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors20.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors21.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors22.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors23.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors24.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors25.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors26.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors27.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors28.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors29.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors30.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors31.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors32.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors33.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors34.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors35.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors36.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors37.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors38.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors39.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors40.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors41.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors42.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors43.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors44.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors45.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors46.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors47.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors48.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors49.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors50.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors51.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors52.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors53.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors54.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors55.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors56.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors57.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors58.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors59.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors60.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors61.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors62.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors63.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors64.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors65.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors66.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors67.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors68.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors69.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors70.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors71.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors72.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors73.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors74.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors75.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors76.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors77.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors78.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors79.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors80.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors81.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors82.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors83.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors84.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors85.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors86.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors87.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors88.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors89.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors90.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors91.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors92.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors93.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors94.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors95.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors96.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors97.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors98.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors99.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors100.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors101.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors102.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors103.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors104.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors105.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors106.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors107.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors108.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors109.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors110.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors111.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors112.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors113.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors114.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors115.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors116.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors117.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors118.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors119.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors120.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors121.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors122.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors123.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors124.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors125.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors126.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors127.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors128.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors129.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors130.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors131.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors132.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors133.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors134.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors135.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors136.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors137.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors138.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors139.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors140.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors141.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors142.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors143.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors144.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors145.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors146.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors147.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors148.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors149.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors150.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors151.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors152.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors153.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors154.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors155.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors156.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors157.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors158.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors159.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors160.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors161.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors162.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors163.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors164.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors165.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors166.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors167.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors168.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors169.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors170.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors171.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors172.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors173.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors174.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors175.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors176.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors177.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors178.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors179.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors180.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors181.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors182.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors183.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors184.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors185.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors186.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors187.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors188.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors189.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors190.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors191.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors192.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors193.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors194.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors195.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors196.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors197.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors198.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors199.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors200.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors201.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors202.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors203.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors204.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors205.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors206.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors207.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors208.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors209.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors210.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors211.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors212.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors213.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors214.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors215.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors216.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors217.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors218.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors219.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors220.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors221.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors222.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors223.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors224.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors225.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors226.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors227.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors228.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors229.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors230.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors231.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors232.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors233.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors234.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors235.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors236.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors237.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors238.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors239.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors240.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors241.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors242.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors243.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors244.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors245.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors246.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors247.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors248.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors249.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors250.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors251.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors252.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors253.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors254.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors255.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors256.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors257.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors258.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors259.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors260.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors261.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors262.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors263.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors264.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors265.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors266.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors267.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors268.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors269.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors270.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors271.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors272.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors273.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors274.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors275.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors276.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors277.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors278.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors279.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors280.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors281.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors282.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors283.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors284.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors285.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors286.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors287.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors288.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors289.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors290.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors291.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors292.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors293.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors294.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors295.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors296.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors297.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors298.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors299.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors300.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors301.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors302.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors303.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors304.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors305.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors306.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors307.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors308.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors309.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors310.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors311.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors312.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors313.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors314.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors315.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors316.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors317.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors318.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors319.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors320.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors321.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors322.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors323.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors324.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors325.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors326.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors327.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors328.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors329.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors330.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors331.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors332.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors333.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors334.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors335.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors336.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors337.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors338.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors339.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors340.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors341.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors342.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors343.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors344.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors345.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors346.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors347.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors348.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors349.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors350.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors351.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors352.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors353.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors354.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors355.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors356.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors357.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors358.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors359.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors360.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors361.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors362.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors363.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors364.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors365.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors366.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors367.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors368.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors369.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors370.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors371.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors372.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors373.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors374.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors375.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors376.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors377.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors378.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors379.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors380.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors381.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors382.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors383.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors384.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors385.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors386.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors387.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors388.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors389.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors390.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors391.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors392.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors393.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors394.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors395.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors396.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors397.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors398.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors399.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors400.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors401.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors402.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors403.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors404.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors405.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors406.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors407.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors408.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors409.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors410.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors411.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors412.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors413.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors414.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors415.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors416.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors417.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors418.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors419.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors420.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors421.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors422.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors423.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors424.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors425.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors426.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors427.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors428.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors429.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors430.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors431.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors432.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors433.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors434.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors435.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors436.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors437.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors438.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors439.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors440.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors441.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors442.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors443.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors444.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors445.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors446.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors447.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors448.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors449.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors450.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors451.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors452.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors453.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors454.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors455.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors456.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors457.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors458.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors459.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors460.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors461.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors462.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors463.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors464.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors465.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors466.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors467.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors468.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors469.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors470.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors471.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors472.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors473.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors474.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors475.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors476.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors477.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors478.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors479.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors480.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors481.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors482.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors483.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors484.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors485.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors486.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors487.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors488.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors489.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors490.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors491.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors492.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors493.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors494.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors495.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors496.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors497.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors498.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors499.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors500.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors501.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors502.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors503.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors504.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors505.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors506.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors507.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors508.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors509.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors510.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors511.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors512.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors513.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors514.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors515.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors516.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors517.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors518.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors519.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors520.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors521.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors522.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors523.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors524.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors525.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors526.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors527.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors528.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors529.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors530.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors531.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors532.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors533.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors534.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors535.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors536.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors537.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors538.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors539.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors540.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors541.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors542.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors543.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors544.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors545.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors546.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors547.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors548.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors549.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors550.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors551.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors552.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors553.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors554.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors555.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors556.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors557.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors558.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors559.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors560.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors561.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors562.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors563.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors564.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors565.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors566.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors567.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors568.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors569.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors570.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors571.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors572.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors573.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors574.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors575.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors576.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors577.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors578.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors579.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors580.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors581.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors582.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors583.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors584.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors585.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors586.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors587.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors588.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors589.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors590.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors591.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors592.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors593.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors594.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors595.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors596.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors597.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors598.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors599.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors600.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors601.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors602.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors603.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors604.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors605.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors606.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors607.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors608.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors609.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors610.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors611.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors612.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors613.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors614.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors615.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors616.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors617.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors618.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors619.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors620.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors621.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors622.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors623.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors624.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors625.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors626.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors627.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors628.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors629.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors630.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors631.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors632.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors633.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors634.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors635.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors636.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors637.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors638.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors639.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors640.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors641.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors642.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors643.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors644.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors645.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors646.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors647.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors648.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors649.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors650.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors651.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors652.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors653.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors654.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors655.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors656.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors657.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors658.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors659.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors660.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors661.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors662.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors663.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors664.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors665.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors666.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors667.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors668.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors669.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors670.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors671.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors672.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors673.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors674.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors675.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors676.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors677.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors678.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors679.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors680.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors681.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors682.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors683.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors684.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors685.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors686.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors687.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors688.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors689.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors690.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors691.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors692.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors693.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors694.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors695.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors696.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors697.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors698.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors699.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors700.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors701.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors702.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors703.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors704.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors705.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors706.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors707.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors708.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors709.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors710.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors711.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors712.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors713.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors714.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors715.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors716.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors717.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors718.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors719.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors720.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors721.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors722.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors723.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors724.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors725.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors726.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors727.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors728.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors729.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors730.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors731.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors732.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors733.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors734.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors735.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors736.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors737.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors738.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors739.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors740.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors741.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors742.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors743.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors744.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors745.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors746.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors747.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors748.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors749.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors750.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors751.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors752.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors753.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors754.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors755.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors756.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors757.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors758.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors759.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors760.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors761.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors762.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors763.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors764.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors765.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors766.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors767.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors768.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors769.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors770.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors771.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors772.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors773.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors774.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors775.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors776.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors777.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors778.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors779.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors780.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors781.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors782.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors783.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors784.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors785.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors786.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors787.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors788.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors789.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors790.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors791.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors792.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors793.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors794.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors795.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors796.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors797.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors798.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors799.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors800.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors801.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors802.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors803.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors804.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors805.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors806.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors807.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors808.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors809.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors810.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors811.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors812.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors813.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors814.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors815.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors816.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors817.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors818.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors819.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors820.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors821.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors822.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors823.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors824.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors825.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors826.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors827.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors828.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors829.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors830.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors831.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors832.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors833.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors834.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors835.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors836.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors837.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors838.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors839.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors840.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors841.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors842.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors843.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors844.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors845.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors846.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors847.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors848.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors849.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors850.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors851.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors852.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors853.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors854.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors855.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors856.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors857.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors858.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors859.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors860.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors861.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors862.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors863.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors864.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors865.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors866.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors867.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors868.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors869.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors870.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors871.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors872.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors873.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors874.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors875.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors876.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors877.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors878.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors879.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors880.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors881.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors882.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors883.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors884.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors885.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors886.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors887.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors888.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors889.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors890.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors891.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors892.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors893.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors894.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors895.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors896.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors897.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors898.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors899.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors900.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors901.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors902.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors903.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors904.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors905.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors906.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors907.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors908.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors909.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors910.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors911.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors912.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors913.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors914.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors915.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors916.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors917.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors918.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors919.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors920.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors921.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors922.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors923.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors924.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors925.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors926.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors927.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors928.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors929.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors930.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors931.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors932.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors933.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors934.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors935.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors936.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors937.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors938.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors939.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors940.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors941.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors942.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors943.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors944.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors945.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors946.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors947.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors948.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors949.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors950.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors951.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors952.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors953.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors954.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors955.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors956.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors957.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors958.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors959.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors960.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors961.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors962.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors963.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors964.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors965.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors966.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors967.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors968.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors969.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors970.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors971.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors972.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors973.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors974.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors975.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors976.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors977.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors978.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors979.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors980.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors981.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors982.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors983.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors984.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors985.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors986.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors987.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors988.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors989.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors990.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors991.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors992.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors993.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors994.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors995.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors996.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors997.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors998.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors999.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1000.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1001.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1002.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1003.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1004.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1005.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1006.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1007.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1008.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1009.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1010.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1011.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1012.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1013.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1014.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1015.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1016.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1017.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1018.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1019.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1020.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1021.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1022.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1023.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1024.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1025.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1026.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1027.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1028.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1029.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1030.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1031.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1032.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1033.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1034.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1035.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1036.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1037.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1038.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1039.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1040.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1041.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1042.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1043.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1044.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1045.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1046.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1047.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1048.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1049.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1050.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1051.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1052.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1053.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1054.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1055.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1056.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1057.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1058.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1059.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1060.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1061.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1062.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1063.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1064.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1065.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1066.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1067.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1068.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1069.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1070.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1071.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1072.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1073.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1074.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1075.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1076.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1077.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1078.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1079.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1080.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1081.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1082.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1083.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1084.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1085.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1086.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1087.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1088.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1089.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1090.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1091.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1092.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1093.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1094.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1095.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1096.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1097.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1098.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1099.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1100.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1101.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1102.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1103.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1104.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1105.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1106.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1107.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1108.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1109.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1110.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1111.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1112.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1113.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1114.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1115.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1116.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1117.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1118.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1119.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1120.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1121.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1122.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1123.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1124.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1125.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1126.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1127.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1128.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1129.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1130.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1131.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1132.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1133.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1134.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1135.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1136.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1137.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1138.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1139.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1140.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1141.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1142.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1143.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1144.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1145.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1146.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1147.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1148.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1149.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1150.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1151.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1152.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1153.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1154.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1155.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1156.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1157.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1158.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1159.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1160.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1161.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1162.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1163.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1164.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1165.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1166.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1167.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1168.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1169.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1170.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1171.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1172.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1173.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1174.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1175.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1176.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1177.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1178.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1179.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1180.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1181.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1182.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1183.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1184.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1185.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1186.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1187.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1188.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1189.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1190.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1191.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1192.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1193.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1194.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1195.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1196.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1197.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1198.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1199.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1200.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1201.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1202.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1203.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1204.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1205.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1206.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1207.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1208.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1209.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1210.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1211.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1212.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1213.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1214.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1215.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1216.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1217.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1218.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1219.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1220.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1221.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1222.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1223.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1224.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1225.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1226.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1227.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1228.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1229.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1230.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1231.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1232.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1233.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1234.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1235.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1236.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1237.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1238.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1239.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1240.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1241.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1242.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1243.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1244.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1245.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1246.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1247.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1248.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1249.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1250.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1251.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1252.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1253.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1254.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1255.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1256.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1257.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1258.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1259.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1260.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1261.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1262.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1263.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1264.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1265.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1266.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1267.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1268.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1269.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1270.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1271.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1272.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1273.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1274.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1275.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1276.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1277.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1278.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1279.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1280.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1281.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1282.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1283.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1284.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1285.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1286.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1287.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1288.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1289.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1290.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1291.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1292.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1293.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1294.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1295.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1296.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1297.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1298.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1299.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1300.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1301.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1302.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1303.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1304.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1305.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1306.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1307.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1308.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1309.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1310.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1311.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1312.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1313.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1314.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1315.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1316.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1317.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1318.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1319.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1320.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1321.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1322.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1323.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1324.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1325.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1326.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1327.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1328.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1329.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1330.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1331.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1332.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1333.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1334.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1335.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1336.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1337.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1338.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1339.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1340.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1341.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1342.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1343.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1344.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1345.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1346.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1347.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1348.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1349.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1350.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1351.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1352.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1353.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1354.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1355.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1356.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1357.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1358.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1359.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1360.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1361.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1362.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1363.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1364.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1365.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1366.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1367.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1368.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1369.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1370.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1371.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1372.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1373.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1374.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1375.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1376.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1377.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1378.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1379.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1380.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1381.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1382.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1383.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1384.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1385.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1386.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1387.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1388.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1389.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1390.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1391.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1392.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1393.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1394.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1395.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1396.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1397.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1398.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1399.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1400.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1401.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1402.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1403.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1404.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1405.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1406.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1407.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1408.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1409.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1410.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1411.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1412.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1413.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1414.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1415.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1416.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1417.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1418.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1419.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1420.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1421.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1422.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1423.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1424.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1425.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1426.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1427.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1428.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1429.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1430.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1431.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1432.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1433.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1434.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1435.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1436.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1437.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1438.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1439.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1440.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1441.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1442.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1443.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1444.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1445.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1446.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1447.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1448.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1449.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1450.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1451.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1452.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1453.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1454.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1455.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1456.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1457.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1458.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1459.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1460.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1461.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1462.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1463.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1464.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1465.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1466.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1467.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1468.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1469.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1470.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1471.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1472.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1473.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1474.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1475.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1476.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1477.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1478.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1479.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1480.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1481.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1482.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1483.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1484.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1485.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1486.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1487.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1488.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1489.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1490.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1491.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1492.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1493.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1494.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1495.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1496.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1497.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1498.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1499.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1500.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1501.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1502.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1503.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1504.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1505.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1506.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1507.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1508.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1509.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1510.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1511.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1512.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1513.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1514.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1515.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1516.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1517.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1518.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1519.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1520.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1521.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1522.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1523.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1524.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1525.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1526.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1527.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1528.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1529.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1530.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1531.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1532.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1533.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1534.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1535.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1536.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1537.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1538.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1539.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1540.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1541.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1542.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1543.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1544.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1545.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1546.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1547.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1548.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1549.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1550.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1551.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1552.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1553.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1554.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1555.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1556.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1557.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1558.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1559.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1560.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1561.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1562.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1563.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1564.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ros Hommerson/8036389.375098/tensors1565.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors2.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors3.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors4.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors5.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors6.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors7.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors8.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors9.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors10.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors11.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors12.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors13.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors14.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors15.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors16.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors17.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors18.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors19.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors20.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors21.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors22.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors23.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors24.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors25.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors26.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors27.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors28.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors29.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors30.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors31.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors32.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors33.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors34.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors35.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors36.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors37.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors38.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors39.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors40.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors41.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors42.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors43.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors44.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors45.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors46.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors47.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors48.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors49.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors50.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors51.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors52.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors53.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors54.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors55.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors56.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors57.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors58.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors59.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors60.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors61.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors62.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors63.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors64.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors65.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors66.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors67.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors68.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors69.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors70.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors71.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors72.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors73.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors74.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors75.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors76.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors77.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors78.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors79.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors80.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors81.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors82.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors83.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors84.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors85.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors86.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors87.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors88.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors89.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors90.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors91.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors92.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors93.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors94.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors95.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors96.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors97.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors98.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors99.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors100.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors101.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors102.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors103.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors104.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors105.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors106.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors107.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors108.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors109.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors110.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors111.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors112.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors113.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors114.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors115.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors116.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors117.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors118.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors119.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors120.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors121.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors122.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors123.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors124.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors125.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors126.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors127.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors128.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors129.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors130.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors131.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors132.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors133.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors134.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors135.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors136.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors137.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors138.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors139.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors140.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors141.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors142.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors143.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors144.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors145.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors146.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors147.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors148.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors149.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors150.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors151.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors152.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors153.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors154.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors155.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors156.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors157.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors158.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors159.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors160.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors161.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors162.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors163.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors164.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors165.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors166.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors167.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors168.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors169.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors170.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors171.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors172.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors173.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors174.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors175.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors176.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors177.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors178.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors179.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors180.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors181.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors182.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors183.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors184.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors185.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors186.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors187.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors188.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors189.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors190.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors191.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors192.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors193.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors194.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors195.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors196.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors197.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors198.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors199.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors200.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors201.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors202.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors203.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors204.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors205.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors206.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors207.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors208.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors209.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors210.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors211.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors212.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors213.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors214.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors215.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors216.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors217.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors218.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors219.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors220.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors221.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors222.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors223.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors224.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors225.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors226.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors227.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors228.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors229.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors230.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors231.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors232.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors233.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors234.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors235.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors236.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors237.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors238.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors239.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors240.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors241.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors242.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors243.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors244.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors245.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors246.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors247.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors248.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors249.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors250.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors251.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors252.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors253.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors254.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors255.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors256.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors257.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors258.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors259.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors260.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors261.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors262.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors263.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors264.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors265.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors266.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors267.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors268.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors269.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors270.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors271.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors272.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors273.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors274.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors275.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors276.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors277.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors278.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors279.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors280.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors281.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors282.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors283.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors284.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors285.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors286.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors287.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors288.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors289.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors290.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors291.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors292.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors293.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors294.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors295.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors296.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors297.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors298.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors299.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors300.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors301.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors302.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors303.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors304.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors305.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors306.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors307.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors308.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors309.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors310.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors311.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors312.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors313.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors314.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors315.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors316.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors317.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors318.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors319.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors320.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors321.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors322.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors323.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors324.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors325.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors326.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors327.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors328.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors329.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors330.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors331.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors332.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors333.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors334.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors335.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors336.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors337.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors338.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors339.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors340.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors341.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors342.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors343.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors344.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors345.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors346.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors347.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors348.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors349.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors350.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors351.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors352.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors353.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors354.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors355.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors356.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors357.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors358.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors359.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors360.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors361.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors362.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors363.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors364.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors365.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors366.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors367.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors368.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors369.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors370.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors371.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors372.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors373.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors374.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors375.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors376.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors377.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors378.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors379.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors380.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors381.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors382.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors383.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors384.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors385.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors386.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors387.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors388.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors389.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors390.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors391.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors392.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors393.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors394.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors395.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors396.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors397.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors398.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors399.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors400.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors401.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors402.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors403.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors404.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors405.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors406.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors407.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors408.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors409.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors410.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors411.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors412.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors413.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors414.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors415.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors416.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors417.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors418.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors419.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors420.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors421.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors422.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors423.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors424.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors425.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors426.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors427.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors428.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors429.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors430.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors431.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors432.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors433.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors434.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors435.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors436.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors437.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors438.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors439.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors440.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors441.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors442.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors443.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors444.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors445.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors446.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors447.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors448.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors449.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors450.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors451.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors452.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors453.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors454.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors455.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors456.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors457.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors458.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors459.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors460.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors461.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors462.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors463.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors464.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors465.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors466.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors467.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors468.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors469.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors470.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors471.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors472.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors473.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors474.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors475.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors476.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors477.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors478.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors479.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors480.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors481.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors482.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors483.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors484.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors485.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors486.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors487.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors488.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors489.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors490.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors491.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors492.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors493.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors494.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors495.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors496.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors497.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors498.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors499.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors500.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors501.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors502.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors503.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors504.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors505.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors506.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors507.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors508.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors509.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors510.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors511.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors512.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors513.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors514.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors515.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors516.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors517.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors518.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors519.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors520.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors521.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors522.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors523.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors524.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors525.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors526.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors527.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors528.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors529.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors530.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors531.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors532.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors533.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors534.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors535.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors536.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors537.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors538.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors539.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors540.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors541.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors542.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors543.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors544.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors545.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors546.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors547.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors548.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors549.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors550.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors551.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors552.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors553.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors554.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors555.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors556.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors557.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors558.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors559.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors560.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors561.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors562.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors563.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors564.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors565.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors566.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors567.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors568.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors569.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors570.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors571.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors572.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors573.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors574.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors575.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors576.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors577.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors578.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors579.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors580.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors581.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors582.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors583.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors584.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors585.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors586.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors587.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors588.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors589.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors590.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors591.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors592.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors593.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors594.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors595.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors596.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors597.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors598.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors599.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors600.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors601.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors602.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors603.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors604.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors605.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors606.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors607.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors608.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors609.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors610.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors611.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors612.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors613.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors614.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors615.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors616.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors617.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors618.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors619.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors620.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors621.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors622.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors623.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors624.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors625.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors626.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors627.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors628.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors629.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors630.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors631.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors632.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors633.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors634.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors635.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors636.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors637.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors638.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors639.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors640.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors641.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors642.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors643.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors644.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors645.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors646.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors647.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors648.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors649.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors650.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors651.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors652.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors653.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors654.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors655.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors656.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors657.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors658.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors659.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors660.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors661.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors662.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors663.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors664.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors665.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors666.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors667.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors668.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors669.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors670.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors671.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors672.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors673.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors674.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors675.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors676.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors677.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors678.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors679.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors680.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors681.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors682.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors683.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors684.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors685.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors686.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors687.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors688.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors689.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors690.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors691.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors692.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors693.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors694.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors695.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors696.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors697.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors698.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors699.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors700.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors701.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors702.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors703.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors704.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors705.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors706.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors707.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors708.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors709.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors710.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors711.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors712.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors713.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors714.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors715.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors716.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors717.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors718.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors719.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors720.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors721.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors722.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors723.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors724.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors725.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors726.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors727.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors728.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors729.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors730.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors731.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors732.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors733.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors734.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors735.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors736.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors737.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors738.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors739.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors740.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors741.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors742.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors743.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors744.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors745.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors746.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors747.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors748.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors749.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors750.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors751.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors752.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors753.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors754.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors755.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors756.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors757.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors758.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors759.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors760.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors761.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors762.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors763.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors764.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors765.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors766.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors767.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors768.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors769.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors770.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors771.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors772.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors773.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors774.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors775.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors776.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors777.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors778.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors779.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors780.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors781.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors782.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors783.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors784.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors785.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors786.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors787.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors788.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors789.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors790.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors791.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors792.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors793.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors794.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors795.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors796.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors797.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors798.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors799.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors800.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors801.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors802.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors803.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors804.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors805.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors806.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors807.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors808.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors809.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors810.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors811.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors812.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors813.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors814.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors815.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors816.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors817.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors818.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors819.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors820.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors821.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors822.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors823.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors824.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors825.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors826.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors827.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors828.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors829.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors830.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors831.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors832.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors833.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors834.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors835.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors836.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors837.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors838.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors839.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors840.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors841.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors842.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors843.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors844.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors845.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors846.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors847.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors848.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors849.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors850.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors851.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors852.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors853.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors854.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors855.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors856.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors857.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors858.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors859.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors860.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors861.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors862.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors863.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors864.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors865.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors866.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors867.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors868.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors869.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors870.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors871.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors872.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors873.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors874.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors875.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors876.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors877.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors878.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors879.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors880.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors881.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors882.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors883.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors884.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors885.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors886.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors887.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors888.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors889.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors890.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors891.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors892.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors893.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors894.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors895.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors896.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors897.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors898.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors899.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors900.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors901.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors902.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors903.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors904.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors905.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors906.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors907.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors908.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors909.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors910.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors911.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors912.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors913.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors914.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors915.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors916.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors917.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors918.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors919.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors920.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors921.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors922.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors923.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors924.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors925.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors926.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors927.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors928.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors929.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors930.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors931.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors932.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors933.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors934.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors935.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors936.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors937.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors938.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors939.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors940.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors941.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors942.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors943.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors944.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors945.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors946.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors947.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors948.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors949.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors950.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors951.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors952.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors953.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors954.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors955.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors956.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors957.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors958.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors959.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors960.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors961.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors962.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors963.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors964.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors965.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors966.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors967.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors968.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors969.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors970.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors971.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors972.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors973.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors974.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors975.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors976.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors977.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors978.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors979.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors980.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors981.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors982.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors983.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors984.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors985.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors986.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors987.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors988.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors989.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors990.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors991.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors992.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors993.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors994.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors995.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors996.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors997.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors998.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors999.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1000.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1001.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1002.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1003.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1004.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1005.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1006.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1007.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1008.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1009.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1010.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1011.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1012.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1013.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1014.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1015.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1016.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1017.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1018.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1019.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1020.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1021.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1022.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1023.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1024.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1025.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1026.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1027.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1028.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1029.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1030.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1031.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1032.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1033.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1034.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1035.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1036.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1037.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1038.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1039.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1040.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1041.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1042.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1043.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1044.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1045.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1046.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1047.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1048.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1049.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1050.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1051.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1052.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1053.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1054.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1055.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1056.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1057.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1058.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1059.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1060.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1061.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1062.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1063.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1064.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1065.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1066.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1067.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1068.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1069.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1070.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1071.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1072.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1073.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1074.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1075.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1076.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1077.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1078.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1079.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1080.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1081.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1082.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1083.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1084.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1085.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1086.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1087.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1088.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1089.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1090.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1091.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1092.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1093.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1094.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1095.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1096.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1097.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1098.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1099.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1100.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1101.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1102.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1103.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1104.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1105.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1106.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1107.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1108.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1109.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1110.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1111.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1112.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1113.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1114.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1115.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1116.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1117.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1118.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1119.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1120.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1121.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1122.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1123.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1124.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1125.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1126.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1127.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1128.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1129.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1130.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1131.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1132.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1133.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1134.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1135.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1136.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1137.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1138.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1139.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1140.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1141.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1142.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1143.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1144.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1145.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1146.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1147.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1148.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1149.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1150.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1151.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1152.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1153.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1154.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1155.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1156.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1157.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1158.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1159.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1160.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1161.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1162.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1163.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1164.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1165.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1166.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1167.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1168.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1169.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1170.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1171.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1172.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1173.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1174.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1175.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1176.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1177.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1178.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1179.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1180.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1181.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1182.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1183.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1184.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1185.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1186.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1187.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1188.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1189.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1190.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1191.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1192.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1193.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1194.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1195.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1196.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1197.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1198.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1199.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1200.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1201.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1202.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1203.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1204.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1205.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1206.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1207.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1208.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1209.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1210.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1211.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1212.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1213.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1214.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1215.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1216.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1217.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1218.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1219.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1220.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1221.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1222.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1223.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1224.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1225.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1226.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1227.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1228.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1229.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1230.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1231.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1232.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1233.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1234.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1235.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1236.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1237.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1238.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1239.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1240.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1241.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1242.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1243.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1244.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1245.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1246.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1247.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1248.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1249.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1250.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1251.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1252.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1253.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1254.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1255.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1256.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1257.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1258.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1259.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1260.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1261.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1262.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1263.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1264.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1265.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1266.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1267.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1268.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1269.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1270.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1271.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1272.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1273.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1274.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1275.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1276.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1277.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1278.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1279.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1280.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1281.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1282.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1283.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1284.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1285.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1286.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1287.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1288.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1289.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1290.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1291.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1292.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1293.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1294.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1295.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1296.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1297.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1298.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1299.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1300.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1301.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1302.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1303.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1304.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1305.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1306.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1307.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1308.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1309.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1310.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1311.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1312.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1313.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1314.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1315.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1316.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1317.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1318.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1319.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1320.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1321.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1322.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1323.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1324.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1325.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1326.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1327.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1328.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1329.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1330.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1331.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1332.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1333.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1334.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1335.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1336.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1337.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1338.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1339.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1340.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1341.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1342.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1343.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1344.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1345.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1346.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1347.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1348.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1349.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1350.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1351.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1352.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1353.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1354.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1355.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1356.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1357.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1358.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1359.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1360.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1361.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1362.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1363.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1364.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1365.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1366.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1367.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1368.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1369.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1370.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1371.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1372.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1373.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1374.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1375.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1376.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1377.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1378.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1379.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1380.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1381.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1382.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1383.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1384.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1385.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1386.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1387.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1388.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1389.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1390.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1391.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1392.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1393.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1394.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1395.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1396.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1397.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1398.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1399.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1400.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1401.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1402.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1403.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1404.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1405.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1406.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1407.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1408.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1409.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1410.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1411.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1412.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1413.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1414.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1415.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1416.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1417.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1418.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1419.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1420.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1421.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1422.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1423.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1424.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1425.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1426.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1427.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1428.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1429.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1430.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1431.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1432.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1433.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1434.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1435.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1436.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1437.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1438.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1439.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1440.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1441.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1442.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1443.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1444.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1445.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1446.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1447.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1448.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1449.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1450.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1451.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1452.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1453.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1454.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1455.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1456.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1457.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1458.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1459.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1460.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1461.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1462.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1463.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1464.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1465.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1466.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1467.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1468.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1469.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1470.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1471.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1472.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1473.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1474.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1475.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1476.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1477.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1478.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1479.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1480.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1481.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1482.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1483.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1484.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1485.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1486.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1487.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1488.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1489.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1490.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1491.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1492.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1493.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1494.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1495.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1496.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1497.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1498.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1499.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1500.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1501.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1502.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1503.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1504.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1505.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1506.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1507.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1508.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1509.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1510.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1511.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1512.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1513.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1514.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1515.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1516.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1517.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1518.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1519.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1520.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1521.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1522.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1523.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1524.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1525.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1526.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1527.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1528.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1529.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1530.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1531.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1532.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1533.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1534.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1535.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1536.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1537.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1538.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1539.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1540.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1541.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1542.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1543.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1544.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1545.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1546.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1547.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1548.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1549.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1550.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1551.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1552.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1553.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1554.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1555.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1556.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1557.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1558.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1559.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1560.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1561.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1562.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1563.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1564.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.50996/tensors1565.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors2.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors3.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors4.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors5.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors6.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors7.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors8.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors9.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors10.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors11.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors12.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors13.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors14.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors15.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors16.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors17.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors18.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors19.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors20.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors21.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors22.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors23.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors24.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors25.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors26.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors27.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors28.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors29.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors30.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors31.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors32.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors33.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors34.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors35.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors36.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors37.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors38.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors39.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors40.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors41.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors42.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors43.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors44.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors45.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors46.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors47.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors48.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors49.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors50.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors51.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors52.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors53.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors54.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors55.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors56.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors57.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors58.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors59.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors60.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors61.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors62.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors63.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors64.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors65.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors66.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors67.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors68.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors69.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors70.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors71.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors72.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors73.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors74.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors75.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors76.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors77.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors78.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors79.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors80.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors81.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors82.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors83.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors84.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors85.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors86.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors87.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors88.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors89.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors90.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors91.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors92.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors93.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors94.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors95.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors96.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors97.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors98.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors99.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors100.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors101.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors102.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors103.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors104.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors105.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors106.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors107.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors108.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors109.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors110.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors111.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors112.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors113.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors114.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors115.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors116.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors117.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors118.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors119.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors120.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors121.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors122.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors123.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors124.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors125.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors126.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors127.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors128.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors129.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors130.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors131.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors132.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors133.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors134.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors135.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors136.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors137.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors138.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors139.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors140.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors141.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors142.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors143.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors144.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors145.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors146.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors147.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors148.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors149.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors150.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors151.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors152.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors153.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors154.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors155.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors156.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors157.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors158.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors159.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors160.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors161.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors162.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors163.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors164.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors165.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors166.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors167.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors168.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors169.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors170.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors171.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors172.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors173.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors174.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors175.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors176.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors177.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors178.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors179.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors180.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors181.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors182.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors183.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors184.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors185.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors186.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors187.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors188.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors189.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors190.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors191.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors192.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors193.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors194.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors195.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors196.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors197.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors198.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors199.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors200.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors201.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors202.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors203.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors204.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors205.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors206.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors207.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors208.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors209.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors210.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors211.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors212.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors213.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors214.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors215.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors216.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors217.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors218.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors219.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors220.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors221.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors222.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors223.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors224.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors225.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors226.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors227.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors228.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors229.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors230.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors231.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors232.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors233.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors234.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors235.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors236.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors237.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors238.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors239.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors240.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors241.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors242.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors243.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors244.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors245.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors246.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors247.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors248.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors249.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors250.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors251.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors252.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors253.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors254.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors255.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors256.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors257.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors258.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors259.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors260.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors261.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors262.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors263.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors264.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors265.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors266.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors267.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors268.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors269.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors270.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors271.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors272.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors273.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors274.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors275.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors276.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors277.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors278.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors279.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors280.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors281.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors282.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors283.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors284.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors285.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors286.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors287.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors288.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors289.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors290.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors291.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors292.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors293.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors294.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors295.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors296.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors297.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors298.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors299.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors300.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors301.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors302.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors303.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors304.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors305.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors306.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors307.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors308.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors309.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors310.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors311.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors312.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors313.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors314.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors315.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors316.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors317.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors318.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors319.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors320.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors321.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors322.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors323.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors324.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors325.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors326.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors327.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors328.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors329.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors330.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors331.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors332.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors333.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors334.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors335.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors336.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors337.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors338.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors339.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors340.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors341.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors342.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors343.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors344.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors345.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors346.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors347.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors348.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors349.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors350.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors351.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors352.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors353.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors354.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors355.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors356.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors357.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors358.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors359.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors360.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors361.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors362.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors363.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors364.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors365.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors366.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors367.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors368.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors369.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors370.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors371.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors372.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors373.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors374.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors375.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors376.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors377.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors378.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors379.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors380.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors381.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors382.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors383.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors384.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors385.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors386.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors387.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors388.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors389.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors390.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors391.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors392.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors393.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors394.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors395.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors396.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors397.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors398.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors399.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors400.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors401.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors402.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors403.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors404.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors405.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors406.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors407.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors408.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors409.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors410.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors411.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors412.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors413.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors414.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors415.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors416.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors417.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors418.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors419.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors420.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors421.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors422.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors423.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors424.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors425.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors426.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors427.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors428.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors429.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors430.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors431.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors432.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors433.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors434.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors435.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors436.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors437.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors438.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors439.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors440.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors441.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors442.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors443.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors444.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors445.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors446.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors447.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors448.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors449.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors450.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors451.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors452.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors453.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors454.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors455.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors456.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors457.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors458.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors459.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors460.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors461.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors462.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors463.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors464.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors465.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors466.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors467.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors468.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors469.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors470.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors471.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors472.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors473.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors474.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors475.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors476.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors477.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors478.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors479.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors480.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors481.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors482.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors483.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors484.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors485.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors486.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors487.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors488.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors489.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors490.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors491.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors492.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors493.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors494.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors495.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors496.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors497.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors498.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors499.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors500.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors501.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors502.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors503.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors504.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors505.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors506.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors507.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors508.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors509.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors510.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors511.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors512.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors513.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors514.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors515.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors516.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors517.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors518.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors519.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors520.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors521.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors522.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors523.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors524.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors525.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors526.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors527.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors528.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors529.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors530.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors531.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors532.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors533.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors534.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors535.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors536.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors537.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors538.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors539.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors540.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors541.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors542.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors543.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors544.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors545.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors546.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors547.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors548.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors549.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors550.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors551.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors552.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors553.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors554.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors555.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors556.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors557.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors558.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors559.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors560.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors561.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors562.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors563.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors564.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors565.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors566.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors567.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors568.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors569.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors570.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors571.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors572.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors573.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors574.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors575.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors576.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors577.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors578.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors579.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors580.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors581.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors582.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors583.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors584.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors585.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors586.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors587.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors588.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors589.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors590.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors591.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors592.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors593.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors594.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors595.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors596.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors597.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors598.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors599.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors600.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors601.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors602.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors603.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors604.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors605.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors606.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors607.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors608.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors609.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors610.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors611.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors612.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors613.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors614.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors615.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors616.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors617.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors618.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors619.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors620.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors621.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors622.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors623.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors624.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors625.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors626.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors627.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors628.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors629.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors630.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors631.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors632.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors633.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors634.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors635.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors636.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors637.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors638.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors639.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors640.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors641.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors642.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors643.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors644.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors645.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors646.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors647.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors648.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors649.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors650.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors651.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors652.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors653.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors654.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors655.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors656.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors657.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors658.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors659.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors660.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors661.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors662.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors663.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors664.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors665.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors666.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors667.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors668.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors669.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors670.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors671.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors672.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors673.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors674.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors675.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors676.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors677.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors678.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors679.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors680.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors681.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors682.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors683.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors684.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors685.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors686.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors687.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors688.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors689.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors690.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors691.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors692.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors693.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors694.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors695.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors696.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors697.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors698.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors699.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors700.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors701.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors702.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors703.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors704.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors705.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors706.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors707.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors708.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors709.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors710.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors711.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors712.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors713.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors714.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors715.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors716.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors717.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors718.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors719.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors720.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors721.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors722.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors723.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors724.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors725.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors726.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors727.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors728.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors729.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors730.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors731.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors732.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors733.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors734.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors735.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors736.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors737.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors738.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors739.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors740.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors741.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors742.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors743.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors744.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors745.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors746.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors747.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors748.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors749.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors750.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors751.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors752.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors753.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors754.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors755.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors756.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors757.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors758.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors759.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors760.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors761.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors762.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors763.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors764.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors765.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors766.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors767.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors768.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors769.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors770.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors771.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors772.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors773.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors774.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors775.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors776.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors777.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors778.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors779.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors780.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors781.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors782.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors783.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors784.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors785.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors786.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors787.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors788.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors789.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors790.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors791.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors792.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors793.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors794.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors795.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors796.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors797.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors798.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors799.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors800.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors801.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors802.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors803.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors804.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors805.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors806.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors807.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors808.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors809.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors810.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors811.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors812.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors813.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors814.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors815.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors816.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors817.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors818.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors819.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors820.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors821.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors822.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors823.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors824.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors825.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors826.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors827.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors828.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors829.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors830.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors831.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors832.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors833.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors834.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors835.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors836.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors837.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors838.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors839.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors840.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors841.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors842.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors843.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors844.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors845.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors846.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors847.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors848.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors849.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors850.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors851.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors852.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors853.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors854.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors855.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors856.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors857.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors858.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors859.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors860.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors861.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors862.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors863.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors864.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors865.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors866.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors867.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors868.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors869.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors870.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors871.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors872.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors873.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors874.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors875.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors876.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors877.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors878.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors879.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors880.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors881.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors882.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors883.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors884.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors885.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors886.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors887.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors888.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors889.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors890.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors891.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors892.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors893.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors894.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors895.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors896.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors897.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors898.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors899.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors900.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors901.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors902.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors903.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors904.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors905.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors906.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors907.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors908.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors909.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors910.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors911.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors912.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors913.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors914.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors915.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors916.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors917.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors918.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors919.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors920.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors921.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors922.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors923.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors924.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors925.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors926.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors927.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors928.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors929.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors930.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors931.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors932.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors933.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors934.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors935.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors936.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors937.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors938.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors939.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors940.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors941.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors942.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors943.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors944.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors945.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors946.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors947.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors948.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors949.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors950.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors951.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors952.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors953.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors954.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors955.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors956.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors957.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors958.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors959.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors960.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors961.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors962.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors963.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors964.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors965.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors966.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors967.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors968.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors969.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors970.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors971.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors972.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors973.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors974.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors975.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors976.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors977.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors978.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors979.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors980.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors981.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors982.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors983.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors984.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors985.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors986.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors987.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors988.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors989.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors990.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors991.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors992.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors993.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors994.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors995.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors996.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors997.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors998.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors999.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1000.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1001.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1002.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1003.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1004.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1005.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1006.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1007.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1008.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1009.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1010.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1011.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1012.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1013.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1014.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1015.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1016.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1017.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1018.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1019.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1020.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1021.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1022.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1023.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1024.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1025.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1026.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1027.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1028.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1029.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1030.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1031.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1032.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1033.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1034.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1035.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1036.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1037.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1038.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1039.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1040.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1041.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1042.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1043.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1044.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1045.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1046.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1047.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1048.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1049.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1050.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1051.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1052.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1053.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1054.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1055.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1056.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1057.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1058.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1059.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1060.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1061.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1062.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1063.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1064.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1065.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1066.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1067.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1068.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1069.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1070.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1071.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1072.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1073.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1074.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1075.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1076.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1077.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1078.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1079.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1080.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1081.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1082.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1083.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1084.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1085.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1086.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1087.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1088.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1089.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1090.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1091.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1092.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1093.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1094.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1095.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1096.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1097.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1098.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1099.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1100.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1101.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1102.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1103.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1104.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1105.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1106.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1107.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1108.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1109.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1110.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1111.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1112.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1113.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1114.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1115.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1116.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1117.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1118.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1119.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1120.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1121.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1122.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1123.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1124.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1125.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1126.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1127.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1128.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1129.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1130.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1131.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1132.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1133.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1134.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1135.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1136.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1137.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1138.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1139.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1140.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1141.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1142.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1143.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1144.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1145.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1146.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1147.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1148.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1149.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1150.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1151.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1152.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1153.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1154.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1155.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1156.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1157.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1158.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1159.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1160.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1161.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1162.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1163.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1164.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1165.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1166.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1167.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1168.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1169.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1170.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1171.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1172.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1173.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1174.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1175.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1176.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1177.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1178.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1179.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1180.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1181.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1182.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1183.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1184.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1185.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1186.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1187.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1188.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1189.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1190.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1191.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1192.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1193.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1194.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1195.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1196.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1197.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1198.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1199.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1200.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1201.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1202.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1203.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1204.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1205.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1206.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1207.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1208.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1209.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1210.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1211.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1212.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1213.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1214.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1215.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1216.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1217.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1218.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1219.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1220.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1221.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1222.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1223.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1224.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1225.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1226.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1227.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1228.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1229.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1230.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1231.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1232.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1233.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1234.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1235.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1236.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1237.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1238.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1239.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1240.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1241.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1242.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1243.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1244.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1245.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1246.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1247.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1248.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1249.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1250.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1251.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1252.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1253.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1254.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1255.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1256.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1257.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1258.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1259.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1260.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1261.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1262.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1263.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1264.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1265.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1266.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1267.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1268.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1269.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1270.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1271.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1272.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1273.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1274.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1275.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1276.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1277.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1278.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1279.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1280.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1281.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1282.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1283.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1284.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1285.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1286.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1287.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1288.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1289.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1290.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1291.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1292.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1293.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1294.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1295.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1296.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1297.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1298.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1299.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1300.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1301.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1302.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1303.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1304.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1305.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1306.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1307.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1308.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1309.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1310.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1311.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1312.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1313.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1314.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1315.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1316.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1317.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1318.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1319.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1320.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1321.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1322.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1323.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1324.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1325.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1326.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1327.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1328.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1329.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1330.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1331.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1332.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1333.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1334.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1335.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1336.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1337.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1338.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1339.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1340.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1341.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1342.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1343.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1344.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1345.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1346.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1347.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1348.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1349.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1350.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1351.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1352.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1353.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1354.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1355.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1356.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1357.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1358.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1359.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1360.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1361.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1362.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1363.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1364.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1365.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1366.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1367.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1368.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1369.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1370.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1371.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1372.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1373.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1374.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1375.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1376.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1377.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1378.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1379.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1380.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1381.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1382.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1383.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1384.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1385.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1386.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1387.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1388.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1389.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1390.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1391.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1392.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1393.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1394.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1395.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1396.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1397.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1398.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1399.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1400.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1401.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1402.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1403.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1404.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1405.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1406.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1407.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1408.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1409.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1410.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1411.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1412.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1413.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1414.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1415.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1416.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1417.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1418.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1419.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1420.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1421.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1422.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1423.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1424.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1425.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1426.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1427.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1428.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1429.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1430.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1431.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1432.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1433.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1434.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1435.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1436.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1437.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1438.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1439.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1440.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1441.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1442.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1443.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1444.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1445.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1446.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1447.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1448.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1449.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1450.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1451.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1452.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1453.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1454.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1455.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1456.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1457.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1458.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1459.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1460.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1461.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1462.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1463.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1464.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1465.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1466.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1467.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1468.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1469.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1470.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1471.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1472.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1473.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1474.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1475.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1476.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1477.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1478.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1479.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1480.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1481.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1482.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1483.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1484.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1485.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1486.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1487.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1488.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1489.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1490.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1491.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1492.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1493.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1494.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1495.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1496.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1497.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1498.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1499.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1500.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1501.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1502.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1503.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1504.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1505.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1506.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1507.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1508.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1509.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1510.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1511.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1512.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1513.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1514.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1515.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1516.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1517.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1518.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1519.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1520.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1521.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1522.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1523.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1524.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1525.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1526.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1527.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1528.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1529.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1530.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1531.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1532.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1533.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1534.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1535.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1536.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1537.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1538.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1539.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1540.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1541.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1542.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1543.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1544.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1545.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1546.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1547.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1548.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1549.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1550.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1551.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1552.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1553.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1554.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1555.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1556.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1557.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1558.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1559.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1560.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1561.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1562.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1563.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1564.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.152743/tensors1565.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors2.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors3.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors4.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors5.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors6.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors7.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors8.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors9.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors10.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors11.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors12.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors13.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors14.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors15.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors16.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors17.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors18.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors19.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors20.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors21.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors22.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors23.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors24.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors25.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors26.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors27.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors28.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors29.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors30.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors31.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors32.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors33.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors34.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors35.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors36.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors37.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors38.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors39.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors40.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors41.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors42.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors43.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors44.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors45.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors46.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors47.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors48.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors49.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors50.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors51.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors52.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors53.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors54.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors55.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors56.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors57.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors58.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors59.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors60.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors61.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors62.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors63.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors64.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors65.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors66.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors67.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors68.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors69.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors70.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors71.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors72.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors73.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors74.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors75.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors76.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors77.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors78.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors79.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors80.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors81.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors82.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors83.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors84.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors85.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors86.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors87.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors88.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors89.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors90.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors91.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors92.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors93.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors94.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors95.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors96.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors97.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors98.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors99.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors100.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors101.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors102.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors103.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors104.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors105.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors106.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors107.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors108.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors109.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors110.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors111.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors112.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors113.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors114.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors115.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors116.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors117.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors118.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors119.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors120.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors121.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors122.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors123.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors124.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors125.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors126.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors127.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors128.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors129.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors130.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors131.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors132.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors133.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors134.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors135.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors136.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors137.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors138.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors139.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors140.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors141.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors142.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors143.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors144.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors145.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors146.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors147.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors148.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors149.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors150.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors151.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors152.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors153.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors154.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors155.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors156.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors157.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors158.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors159.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors160.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors161.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors162.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors163.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors164.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors165.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors166.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors167.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors168.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors169.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors170.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors171.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors172.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors173.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors174.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors175.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors176.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors177.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors178.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors179.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors180.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors181.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors182.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors183.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors184.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors185.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors186.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors187.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors188.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors189.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors190.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors191.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors192.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors193.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors194.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors195.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors196.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors197.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors198.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors199.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors200.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors201.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors202.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors203.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors204.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors205.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors206.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors207.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors208.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors209.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors210.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors211.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors212.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors213.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors214.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors215.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors216.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors217.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors218.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors219.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors220.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors221.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors222.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors223.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors224.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors225.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors226.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors227.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors228.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors229.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors230.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors231.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors232.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors233.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors234.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors235.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors236.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors237.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors238.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors239.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors240.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors241.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors242.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors243.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors244.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors245.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors246.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors247.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors248.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors249.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors250.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors251.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors252.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors253.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors254.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors255.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors256.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors257.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors258.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors259.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors260.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors261.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors262.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors263.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors264.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors265.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors266.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors267.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors268.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors269.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors270.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors271.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors272.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors273.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors274.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors275.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors276.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors277.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors278.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors279.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors280.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors281.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors282.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors283.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors284.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors285.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors286.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors287.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors288.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors289.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors290.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors291.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors292.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors293.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors294.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors295.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors296.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors297.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors298.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors299.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors300.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors301.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors302.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors303.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors304.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors305.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors306.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors307.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors308.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors309.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors310.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors311.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors312.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors313.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors314.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors315.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors316.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors317.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors318.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors319.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors320.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors321.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors322.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors323.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors324.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors325.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors326.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors327.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors328.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors329.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors330.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors331.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors332.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors333.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors334.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors335.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors336.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors337.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors338.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors339.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors340.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors341.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors342.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors343.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors344.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors345.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors346.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors347.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors348.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors349.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors350.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors351.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors352.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors353.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors354.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors355.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors356.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors357.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors358.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors359.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors360.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors361.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors362.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors363.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors364.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors365.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors366.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors367.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors368.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors369.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors370.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors371.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors372.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors373.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors374.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors375.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors376.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors377.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors378.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors379.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors380.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors381.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors382.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors383.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors384.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors385.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors386.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors387.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors388.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors389.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors390.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors391.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors392.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors393.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors394.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors395.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors396.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors397.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors398.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors399.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors400.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors401.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors402.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors403.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors404.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors405.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors406.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors407.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors408.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors409.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors410.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors411.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors412.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors413.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors414.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors415.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors416.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors417.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors418.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors419.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors420.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors421.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors422.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors423.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors424.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors425.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors426.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors427.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors428.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors429.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors430.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors431.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors432.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors433.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors434.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors435.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors436.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors437.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors438.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors439.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors440.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors441.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors442.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors443.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors444.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors445.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors446.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors447.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors448.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors449.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors450.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors451.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors452.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors453.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors454.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors455.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors456.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors457.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors458.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors459.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors460.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors461.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors462.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors463.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors464.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors465.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors466.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors467.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors468.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors469.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors470.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors471.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors472.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors473.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors474.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors475.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors476.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors477.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors478.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors479.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors480.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors481.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors482.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors483.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors484.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors485.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors486.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors487.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors488.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors489.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors490.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors491.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors492.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors493.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors494.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors495.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors496.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors497.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors498.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors499.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors500.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors501.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors502.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors503.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors504.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors505.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors506.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors507.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors508.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors509.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors510.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors511.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors512.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors513.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors514.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors515.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors516.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors517.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors518.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors519.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors520.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors521.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors522.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors523.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors524.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors525.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors526.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors527.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors528.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors529.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors530.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors531.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors532.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors533.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors534.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors535.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors536.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors537.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors538.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors539.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors540.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors541.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors542.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors543.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors544.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors545.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors546.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors547.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors548.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors549.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors550.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors551.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors552.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors553.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors554.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors555.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors556.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors557.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors558.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors559.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors560.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors561.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors562.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors563.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors564.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors565.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors566.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors567.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors568.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors569.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors570.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors571.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors572.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors573.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors574.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors575.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors576.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors577.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors578.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors579.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors580.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors581.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors582.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors583.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors584.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors585.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors586.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors587.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors588.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors589.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors590.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors591.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors592.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors593.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors594.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors595.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors596.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors597.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors598.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors599.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors600.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors601.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors602.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors603.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors604.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors605.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors606.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors607.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors608.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors609.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors610.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors611.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors612.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors613.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors614.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors615.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors616.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors617.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors618.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors619.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors620.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors621.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors622.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors623.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors624.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors625.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors626.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors627.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors628.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors629.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors630.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors631.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors632.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors633.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors634.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors635.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors636.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors637.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors638.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors639.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors640.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors641.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors642.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors643.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors644.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors645.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors646.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors647.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors648.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors649.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors650.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors651.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors652.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors653.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors654.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors655.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors656.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors657.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors658.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors659.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors660.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors661.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors662.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors663.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors664.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors665.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors666.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors667.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors668.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors669.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors670.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors671.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors672.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors673.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors674.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors675.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors676.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors677.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors678.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors679.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors680.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors681.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors682.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors683.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors684.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors685.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors686.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors687.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors688.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors689.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors690.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors691.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors692.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors693.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors694.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors695.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors696.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors697.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors698.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors699.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors700.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors701.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors702.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors703.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors704.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors705.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors706.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors707.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors708.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors709.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors710.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors711.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors712.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors713.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors714.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors715.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors716.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors717.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors718.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors719.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors720.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors721.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors722.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors723.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors724.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors725.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors726.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors727.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors728.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors729.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors730.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors731.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors732.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors733.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors734.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors735.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors736.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors737.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors738.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors739.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors740.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors741.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors742.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors743.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors744.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors745.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors746.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors747.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors748.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors749.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors750.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors751.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors752.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors753.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors754.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors755.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors756.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors757.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors758.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors759.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors760.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors761.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors762.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors763.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors764.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors765.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors766.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors767.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors768.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors769.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors770.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors771.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors772.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors773.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors774.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors775.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors776.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors777.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors778.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors779.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors780.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors781.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors782.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors783.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors784.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors785.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors786.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors787.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors788.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors789.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors790.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors791.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors792.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors793.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors794.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors795.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors796.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors797.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors798.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors799.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors800.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors801.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors802.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors803.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors804.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors805.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors806.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors807.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors808.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors809.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors810.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors811.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors812.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors813.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors814.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors815.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors816.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors817.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors818.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors819.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors820.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors821.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors822.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors823.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors824.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors825.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors826.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors827.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors828.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors829.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors830.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors831.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors832.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors833.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors834.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors835.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors836.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors837.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors838.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors839.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors840.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors841.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors842.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors843.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors844.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors845.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors846.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors847.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors848.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors849.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors850.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors851.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors852.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors853.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors854.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors855.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors856.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors857.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors858.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors859.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors860.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors861.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors862.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors863.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors864.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors865.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors866.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors867.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors868.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors869.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors870.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors871.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors872.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors873.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors874.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors875.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors876.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors877.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors878.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors879.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors880.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors881.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors882.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors883.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors884.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors885.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors886.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors887.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors888.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors889.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors890.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors891.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors892.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors893.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors894.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors895.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors896.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors897.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors898.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors899.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors900.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors901.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors902.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors903.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors904.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors905.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors906.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors907.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors908.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors909.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors910.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors911.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors912.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors913.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors914.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors915.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors916.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors917.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors918.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors919.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors920.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors921.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors922.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors923.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors924.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors925.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors926.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors927.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors928.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors929.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors930.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors931.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors932.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors933.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors934.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors935.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors936.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors937.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors938.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors939.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors940.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors941.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors942.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors943.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors944.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors945.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors946.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors947.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors948.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors949.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors950.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors951.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors952.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors953.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors954.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors955.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors956.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors957.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors958.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors959.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors960.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors961.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors962.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors963.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors964.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors965.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors966.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors967.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors968.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors969.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors970.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors971.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors972.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors973.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors974.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors975.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors976.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors977.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors978.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors979.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors980.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors981.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors982.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors983.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors984.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors985.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors986.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors987.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors988.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors989.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors990.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors991.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors992.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors993.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors994.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors995.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors996.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors997.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors998.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors999.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1000.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1001.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1002.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1003.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1004.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1005.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1006.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1007.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1008.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1009.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1010.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1011.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1012.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1013.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1014.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1015.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1016.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1017.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1018.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1019.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1020.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1021.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1022.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1023.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1024.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1025.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1026.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1027.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1028.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1029.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1030.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1031.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1032.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1033.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1034.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1035.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1036.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1037.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1038.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1039.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1040.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1041.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1042.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1043.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1044.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1045.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1046.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1047.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1048.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1049.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1050.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1051.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1052.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1053.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1054.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1055.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1056.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1057.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1058.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1059.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1060.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1061.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1062.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1063.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1064.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1065.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1066.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1067.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1068.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1069.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1070.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1071.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1072.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1073.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1074.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1075.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1076.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1077.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1078.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1079.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1080.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1081.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1082.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1083.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1084.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1085.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1086.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1087.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1088.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1089.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1090.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1091.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1092.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1093.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1094.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1095.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1096.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1097.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1098.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1099.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1100.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1101.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1102.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1103.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1104.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1105.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1106.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1107.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1108.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1109.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1110.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1111.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1112.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1113.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1114.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1115.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1116.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1117.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1118.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1119.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1120.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1121.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1122.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1123.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1124.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1125.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1126.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1127.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1128.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1129.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1130.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1131.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1132.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1133.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1134.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1135.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1136.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1137.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1138.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1139.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1140.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1141.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1142.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1143.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1144.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1145.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1146.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1147.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1148.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1149.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1150.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1151.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1152.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1153.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1154.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1155.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1156.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1157.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1158.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1159.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1160.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1161.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1162.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1163.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1164.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1165.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1166.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1167.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1168.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1169.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1170.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1171.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1172.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1173.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1174.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1175.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1176.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1177.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1178.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1179.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1180.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1181.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1182.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1183.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1184.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1185.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1186.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1187.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1188.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1189.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1190.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1191.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1192.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1193.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1194.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1195.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1196.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1197.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1198.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1199.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1200.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1201.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1202.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1203.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1204.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1205.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1206.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1207.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1208.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1209.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1210.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1211.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1212.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1213.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1214.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1215.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1216.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1217.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1218.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1219.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1220.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1221.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1222.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1223.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1224.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1225.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1226.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1227.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1228.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1229.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1230.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1231.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1232.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1233.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1234.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1235.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1236.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1237.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1238.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1239.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1240.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1241.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1242.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1243.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1244.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1245.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1246.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1247.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1248.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1249.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1250.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1251.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1252.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1253.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1254.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1255.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1256.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1257.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1258.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1259.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1260.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1261.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1262.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1263.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1264.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1265.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1266.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1267.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1268.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1269.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1270.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1271.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1272.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1273.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1274.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1275.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1276.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1277.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1278.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1279.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1280.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1281.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1282.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1283.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1284.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1285.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1286.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1287.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1288.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1289.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1290.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1291.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1292.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1293.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1294.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1295.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1296.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1297.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1298.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1299.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1300.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1301.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1302.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1303.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1304.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1305.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1306.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1307.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1308.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1309.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1310.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1311.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1312.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1313.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1314.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1315.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1316.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1317.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1318.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1319.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1320.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1321.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1322.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1323.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1324.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1325.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1326.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1327.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1328.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1329.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1330.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1331.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1332.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1333.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1334.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1335.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1336.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1337.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1338.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1339.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1340.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1341.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1342.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1343.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1344.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1345.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1346.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1347.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1348.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1349.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1350.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1351.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1352.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1353.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1354.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1355.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1356.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1357.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1358.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1359.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1360.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1361.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1362.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1363.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1364.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1365.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1366.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1367.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1368.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1369.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1370.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1371.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1372.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1373.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1374.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1375.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1376.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1377.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1378.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1379.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1380.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1381.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1382.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1383.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1384.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1385.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1386.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1387.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1388.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1389.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1390.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1391.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1392.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1393.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1394.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1395.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1396.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1397.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1398.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1399.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1400.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1401.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1402.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1403.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1404.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1405.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1406.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1407.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1408.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1409.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1410.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1411.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1412.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1413.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1414.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1415.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1416.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1417.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1418.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1419.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1420.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1421.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1422.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1423.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1424.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1425.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1426.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1427.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1428.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1429.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1430.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1431.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1432.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1433.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1434.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1435.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1436.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1437.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1438.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1439.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1440.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1441.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1442.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1443.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1444.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1445.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1446.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1447.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1448.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1449.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1450.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1451.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1452.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1453.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1454.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1455.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1456.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1457.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1458.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1459.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1460.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1461.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1462.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1463.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1464.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1465.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1466.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1467.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1468.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1469.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1470.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1471.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1472.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1473.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1474.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1475.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1476.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1477.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1478.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1479.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1480.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1481.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1482.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1483.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1484.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1485.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1486.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1487.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1488.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1489.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1490.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1491.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1492.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1493.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1494.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1495.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1496.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1497.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1498.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1499.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1500.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1501.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1502.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1503.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1504.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1505.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1506.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1507.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1508.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1509.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1510.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1511.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1512.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1513.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1514.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1515.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1516.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1517.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1518.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1519.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1520.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1521.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1522.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1523.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1524.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1525.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1526.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1527.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1528.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1529.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1530.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1531.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1532.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1533.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1534.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1535.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1536.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1537.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1538.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1539.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1540.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1541.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1542.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1543.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1544.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1545.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1546.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1547.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1548.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1549.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1550.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1551.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1552.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1553.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1554.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1555.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1556.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1557.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1558.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1559.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1560.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1561.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1562.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1563.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1564.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Romantic Soles/8020674.85741/tensors1565.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors2.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors3.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors4.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors5.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors6.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors7.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors8.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors9.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors10.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors11.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors12.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors13.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors14.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors15.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors16.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors17.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors18.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors19.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors20.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors21.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors22.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors23.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors24.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors25.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors26.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors27.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors28.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors29.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors30.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors31.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors32.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors33.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors34.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors35.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors36.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors37.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors38.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors39.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors40.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors41.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors42.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors43.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors44.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors45.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors46.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors47.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors48.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors49.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors50.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors51.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors52.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors53.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors54.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors55.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors56.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors57.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors58.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors59.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors60.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors61.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors62.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors63.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors64.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors65.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors66.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors67.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors68.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors69.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors70.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors71.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors72.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors73.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors74.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors75.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors76.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors77.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors78.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors79.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors80.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors81.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors82.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors83.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors84.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors85.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors86.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors87.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors88.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors89.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors90.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors91.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors92.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors93.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors94.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors95.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors96.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors97.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors98.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors99.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors100.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors101.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors102.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors103.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors104.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors105.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors106.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors107.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors108.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors109.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors110.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors111.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors112.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors113.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors114.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors115.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors116.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors117.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors118.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors119.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors120.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors121.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors122.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors123.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors124.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors125.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors126.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors127.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors128.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors129.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors130.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors131.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors132.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors133.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors134.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors135.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors136.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors137.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors138.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors139.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors140.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors141.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors142.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors143.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors144.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors145.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors146.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors147.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors148.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors149.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors150.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors151.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors152.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors153.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors154.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors155.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors156.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors157.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors158.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors159.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors160.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors161.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors162.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors163.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors164.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors165.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors166.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors167.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors168.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors169.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors170.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors171.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors172.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors173.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors174.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors175.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors176.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors177.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors178.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors179.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors180.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors181.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors182.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors183.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors184.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors185.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors186.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors187.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors188.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors189.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors190.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors191.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors192.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors193.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors194.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors195.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors196.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors197.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors198.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors199.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors200.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors201.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors202.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors203.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors204.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors205.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors206.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors207.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors208.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors209.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors210.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors211.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors212.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors213.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors214.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors215.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors216.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors217.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors218.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors219.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors220.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors221.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors222.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors223.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors224.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors225.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors226.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors227.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors228.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors229.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors230.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors231.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors232.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors233.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors234.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors235.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors236.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors237.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors238.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors239.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors240.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors241.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors242.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors243.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors244.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors245.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors246.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors247.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors248.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors249.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors250.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors251.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors252.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors253.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors254.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors255.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors256.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors257.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors258.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors259.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors260.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors261.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors262.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors263.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors264.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors265.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors266.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors267.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors268.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors269.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors270.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors271.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors272.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors273.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors274.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors275.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors276.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors277.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors278.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors279.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors280.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors281.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors282.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors283.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors284.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors285.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors286.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors287.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors288.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors289.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors290.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors291.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors292.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors293.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors294.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors295.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors296.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors297.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors298.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors299.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors300.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors301.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors302.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors303.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors304.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors305.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors306.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors307.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors308.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors309.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors310.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors311.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors312.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors313.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors314.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors315.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors316.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors317.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors318.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors319.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors320.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors321.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors322.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors323.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors324.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors325.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors326.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors327.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors328.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors329.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors330.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors331.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors332.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors333.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors334.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors335.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors336.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors337.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors338.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors339.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors340.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors341.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors342.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors343.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors344.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors345.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors346.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors347.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors348.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors349.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors350.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors351.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors352.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors353.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors354.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors355.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors356.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors357.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors358.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors359.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors360.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors361.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors362.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors363.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors364.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors365.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors366.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors367.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors368.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors369.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors370.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors371.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors372.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors373.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors374.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors375.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors376.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors377.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors378.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors379.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors380.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors381.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors382.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors383.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors384.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors385.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors386.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors387.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors388.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors389.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors390.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors391.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors392.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors393.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors394.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors395.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors396.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors397.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors398.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors399.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors400.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors401.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors402.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors403.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors404.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors405.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors406.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors407.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors408.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors409.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors410.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors411.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors412.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors413.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors414.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors415.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors416.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors417.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors418.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors419.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors420.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors421.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors422.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors423.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors424.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors425.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors426.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors427.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors428.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors429.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors430.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors431.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors432.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors433.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors434.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors435.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors436.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors437.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors438.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors439.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors440.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors441.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors442.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors443.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors444.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors445.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors446.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors447.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors448.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors449.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors450.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors451.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors452.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors453.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors454.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors455.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors456.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors457.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors458.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors459.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors460.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors461.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors462.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors463.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors464.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors465.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors466.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors467.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors468.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors469.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors470.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors471.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors472.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors473.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors474.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors475.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors476.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors477.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors478.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors479.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors480.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors481.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors482.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors483.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors484.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors485.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors486.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors487.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors488.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors489.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors490.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors491.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors492.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors493.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors494.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors495.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors496.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors497.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors498.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors499.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors500.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors501.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors502.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors503.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors504.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors505.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors506.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors507.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors508.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors509.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors510.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors511.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors512.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors513.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors514.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors515.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors516.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors517.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors518.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors519.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors520.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors521.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors522.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors523.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors524.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors525.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors526.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors527.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors528.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors529.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors530.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors531.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors532.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors533.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors534.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors535.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors536.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors537.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors538.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors539.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors540.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors541.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors542.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors543.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors544.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors545.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors546.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors547.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors548.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors549.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors550.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors551.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors552.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors553.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors554.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors555.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors556.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors557.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors558.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors559.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors560.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors561.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors562.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors563.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors564.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors565.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors566.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors567.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors568.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors569.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors570.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors571.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors572.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors573.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors574.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors575.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors576.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors577.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors578.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors579.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors580.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors581.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors582.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors583.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors584.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors585.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors586.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors587.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors588.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors589.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors590.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors591.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors592.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors593.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors594.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors595.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors596.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors597.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors598.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors599.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors600.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors601.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors602.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors603.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors604.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors605.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors606.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors607.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors608.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors609.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors610.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors611.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors612.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors613.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors614.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors615.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors616.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors617.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors618.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors619.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors620.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors621.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors622.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors623.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors624.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors625.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors626.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors627.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors628.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors629.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors630.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors631.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors632.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors633.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors634.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors635.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors636.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors637.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors638.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors639.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors640.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors641.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors642.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors643.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors644.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors645.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors646.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors647.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors648.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors649.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors650.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors651.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors652.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors653.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors654.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors655.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors656.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors657.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors658.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors659.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors660.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors661.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors662.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors663.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors664.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors665.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors666.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors667.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors668.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors669.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors670.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors671.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors672.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors673.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors674.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors675.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors676.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors677.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors678.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors679.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors680.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors681.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors682.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors683.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors684.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors685.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors686.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors687.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors688.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors689.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors690.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors691.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors692.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors693.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors694.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors695.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors696.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors697.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors698.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors699.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors700.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors701.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors702.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors703.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors704.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors705.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors706.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors707.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors708.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors709.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors710.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors711.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors712.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors713.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors714.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors715.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors716.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors717.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors718.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors719.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors720.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors721.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors722.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors723.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors724.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors725.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors726.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors727.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors728.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors729.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors730.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors731.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors732.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors733.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors734.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors735.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors736.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors737.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors738.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors739.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors740.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors741.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors742.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors743.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors744.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors745.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors746.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors747.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors748.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors749.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors750.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors751.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors752.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors753.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors754.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors755.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors756.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors757.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors758.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors759.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors760.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors761.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors762.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors763.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors764.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors765.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors766.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors767.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors768.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors769.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors770.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors771.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors772.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors773.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors774.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors775.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors776.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors777.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors778.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors779.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors780.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors781.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors782.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors783.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors784.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors785.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors786.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors787.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors788.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors789.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors790.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors791.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors792.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors793.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors794.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors795.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors796.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors797.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors798.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors799.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors800.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors801.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors802.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors803.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors804.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors805.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors806.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors807.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors808.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors809.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors810.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors811.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors812.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors813.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors814.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors815.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors816.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors817.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors818.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors819.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors820.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors821.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors822.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors823.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors824.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors825.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors826.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors827.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors828.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors829.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors830.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors831.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors832.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors833.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors834.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors835.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors836.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors837.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors838.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors839.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors840.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors841.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors842.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors843.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors844.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors845.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors846.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors847.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors848.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors849.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors850.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors851.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors852.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors853.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors854.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors855.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors856.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors857.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors858.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors859.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors860.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors861.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors862.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors863.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors864.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors865.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors866.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors867.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors868.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors869.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors870.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors871.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors872.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors873.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors874.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors875.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors876.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors877.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors878.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors879.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors880.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors881.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors882.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors883.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors884.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors885.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors886.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors887.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors888.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors889.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors890.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors891.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors892.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors893.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors894.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors895.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors896.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors897.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors898.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors899.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors900.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors901.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors902.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors903.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors904.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors905.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors906.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors907.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors908.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors909.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors910.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors911.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors912.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors913.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors914.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors915.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors916.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors917.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors918.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors919.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors920.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors921.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors922.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors923.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors924.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors925.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors926.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors927.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors928.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors929.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors930.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors931.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors932.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors933.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors934.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors935.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors936.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors937.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors938.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors939.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors940.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors941.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors942.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors943.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors944.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors945.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors946.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors947.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors948.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors949.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors950.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors951.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors952.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors953.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors954.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors955.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors956.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors957.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors958.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors959.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors960.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors961.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors962.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors963.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors964.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors965.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors966.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors967.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors968.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors969.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors970.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors971.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors972.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors973.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors974.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors975.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors976.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors977.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors978.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors979.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors980.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors981.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors982.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors983.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors984.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors985.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors986.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors987.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors988.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors989.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors990.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors991.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors992.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors993.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors994.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors995.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors996.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors997.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors998.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors999.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1000.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1001.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1002.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1003.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1004.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1005.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1006.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1007.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1008.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1009.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1010.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1011.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1012.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1013.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1014.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1015.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1016.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1017.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1018.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1019.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1020.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1021.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1022.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1023.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1024.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1025.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1026.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1027.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1028.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1029.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1030.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1031.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1032.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1033.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1034.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1035.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1036.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1037.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1038.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1039.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1040.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1041.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1042.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1043.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1044.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1045.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1046.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1047.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1048.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1049.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1050.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1051.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1052.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1053.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1054.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1055.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1056.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1057.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1058.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1059.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1060.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1061.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1062.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1063.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1064.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1065.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1066.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1067.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1068.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1069.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1070.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1071.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1072.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1073.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1074.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1075.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1076.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1077.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1078.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1079.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1080.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1081.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1082.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1083.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1084.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1085.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1086.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1087.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1088.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1089.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1090.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1091.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1092.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1093.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1094.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1095.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1096.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1097.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1098.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1099.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1100.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1101.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1102.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1103.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1104.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1105.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1106.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1107.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1108.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1109.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1110.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1111.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1112.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1113.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1114.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1115.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1116.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1117.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1118.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1119.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1120.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1121.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1122.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1123.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1124.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1125.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1126.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1127.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1128.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1129.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1130.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1131.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1132.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1133.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1134.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1135.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1136.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1137.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1138.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1139.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1140.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1141.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1142.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1143.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1144.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1145.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1146.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1147.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1148.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1149.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1150.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1151.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1152.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1153.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1154.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1155.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1156.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1157.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1158.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1159.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1160.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1161.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1162.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1163.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1164.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1165.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1166.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1167.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1168.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1169.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1170.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1171.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1172.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1173.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1174.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1175.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1176.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1177.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1178.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1179.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1180.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1181.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1182.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1183.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1184.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1185.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1186.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1187.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1188.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1189.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1190.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1191.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1192.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1193.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1194.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1195.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1196.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1197.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1198.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1199.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1200.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1201.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1202.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1203.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1204.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1205.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1206.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1207.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1208.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1209.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1210.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1211.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1212.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1213.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1214.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1215.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1216.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1217.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1218.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1219.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1220.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1221.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1222.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1223.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1224.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1225.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1226.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1227.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1228.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1229.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1230.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1231.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1232.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1233.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1234.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1235.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1236.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1237.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1238.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1239.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1240.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1241.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1242.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1243.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1244.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1245.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1246.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1247.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1248.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1249.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1250.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1251.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1252.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1253.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1254.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1255.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1256.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1257.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1258.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1259.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1260.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1261.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1262.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1263.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1264.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1265.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1266.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1267.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1268.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1269.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1270.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1271.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1272.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1273.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1274.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1275.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1276.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1277.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1278.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1279.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1280.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1281.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1282.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1283.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1284.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1285.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1286.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1287.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1288.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1289.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1290.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1291.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1292.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1293.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1294.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1295.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1296.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1297.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1298.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1299.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1300.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1301.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1302.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1303.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1304.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1305.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1306.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1307.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1308.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1309.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1310.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1311.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1312.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1313.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1314.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1315.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1316.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1317.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1318.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1319.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1320.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1321.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1322.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1323.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1324.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1325.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1326.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1327.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1328.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1329.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1330.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1331.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1332.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1333.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1334.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1335.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1336.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1337.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1338.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1339.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1340.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1341.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1342.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1343.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1344.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1345.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1346.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1347.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1348.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1349.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1350.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1351.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1352.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1353.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1354.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1355.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1356.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1357.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1358.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1359.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1360.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1361.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1362.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1363.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1364.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1365.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1366.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1367.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1368.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1369.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1370.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1371.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1372.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1373.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1374.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1375.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1376.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1377.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1378.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1379.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1380.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1381.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1382.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1383.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1384.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1385.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1386.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1387.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1388.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1389.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1390.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1391.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1392.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1393.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1394.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1395.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1396.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1397.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1398.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1399.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1400.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1401.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1402.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1403.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1404.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1405.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1406.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1407.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1408.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1409.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1410.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1411.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1412.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1413.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1414.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1415.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1416.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1417.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1418.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1419.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1420.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1421.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1422.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1423.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1424.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1425.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1426.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1427.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1428.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1429.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1430.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1431.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1432.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1433.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1434.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1435.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1436.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1437.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1438.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1439.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1440.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1441.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1442.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1443.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1444.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1445.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1446.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1447.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1448.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1449.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1450.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1451.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1452.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1453.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1454.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1455.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1456.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1457.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1458.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1459.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1460.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1461.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1462.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1463.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1464.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1465.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1466.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1467.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1468.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1469.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1470.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1471.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1472.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1473.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1474.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1475.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1476.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1477.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1478.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1479.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1480.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1481.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1482.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1483.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1484.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1485.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1486.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1487.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1488.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1489.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1490.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1491.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1492.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1493.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1494.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1495.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1496.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1497.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1498.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1499.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1500.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1501.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1502.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1503.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1504.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1505.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1506.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1507.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1508.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1509.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1510.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1511.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1512.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1513.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1514.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1515.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1516.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1517.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1518.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1519.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1520.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1521.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1522.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1523.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1524.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1525.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1526.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1527.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1528.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1529.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1530.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1531.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1532.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1533.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1534.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1535.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1536.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1537.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1538.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1539.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1540.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1541.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1542.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1543.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1544.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1545.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1546.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1547.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1548.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1549.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1550.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1551.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1552.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1553.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1554.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1555.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1556.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1557.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1558.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1559.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1560.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1561.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1562.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1563.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1564.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Ivanka Trump/8024369.7780/tensors1565.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors2.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors3.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors4.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors5.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors6.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors7.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors8.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors9.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors10.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors11.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors12.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors13.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors14.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors15.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors16.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors17.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors18.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors19.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors20.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors21.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors22.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors23.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors24.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors25.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors26.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors27.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors28.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors29.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors30.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors31.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors32.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors33.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors34.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors35.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors36.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors37.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors38.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors39.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors40.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors41.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors42.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors43.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors44.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors45.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors46.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors47.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors48.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors49.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors50.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors51.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors52.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors53.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors54.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors55.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors56.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors57.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors58.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors59.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors60.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors61.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors62.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors63.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors64.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors65.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors66.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors67.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors68.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors69.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors70.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors71.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors72.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors73.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors74.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors75.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors76.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors77.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors78.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors79.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors80.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors81.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors82.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors83.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors84.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors85.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors86.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors87.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors88.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors89.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors90.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors91.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors92.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors93.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors94.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors95.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors96.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors97.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors98.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors99.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors100.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors101.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors102.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors103.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors104.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors105.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors106.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors107.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors108.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors109.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors110.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors111.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors112.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors113.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors114.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors115.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors116.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors117.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors118.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors119.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors120.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors121.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors122.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors123.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors124.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors125.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors126.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors127.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors128.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors129.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors130.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors131.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors132.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors133.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors134.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors135.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors136.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors137.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors138.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors139.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors140.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors141.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors142.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors143.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors144.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors145.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors146.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors147.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors148.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors149.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors150.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors151.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors152.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors153.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors154.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors155.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors156.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors157.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors158.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors159.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors160.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors161.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors162.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors163.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors164.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors165.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors166.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors167.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors168.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors169.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors170.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors171.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors172.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors173.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors174.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors175.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors176.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors177.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors178.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors179.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors180.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors181.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors182.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors183.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors184.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors185.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors186.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors187.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors188.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors189.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors190.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors191.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors192.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors193.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors194.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors195.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors196.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors197.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors198.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors199.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors200.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors201.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors202.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors203.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors204.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors205.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors206.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors207.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors208.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors209.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors210.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors211.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors212.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors213.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors214.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors215.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors216.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors217.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors218.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors219.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors220.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors221.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors222.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors223.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors224.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors225.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors226.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors227.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors228.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors229.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors230.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors231.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors232.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors233.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors234.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors235.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors236.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors237.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors238.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors239.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors240.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors241.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors242.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors243.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors244.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors245.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors246.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors247.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors248.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors249.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors250.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors251.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors252.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors253.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors254.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors255.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors256.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors257.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors258.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors259.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors260.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors261.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors262.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors263.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors264.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors265.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors266.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors267.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors268.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors269.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors270.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors271.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors272.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors273.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors274.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors275.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors276.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors277.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors278.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors279.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors280.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors281.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors282.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors283.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors284.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors285.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors286.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors287.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors288.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors289.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors290.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors291.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors292.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors293.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors294.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors295.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors296.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors297.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors298.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors299.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors300.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors301.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors302.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors303.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors304.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors305.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors306.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors307.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors308.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors309.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors310.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors311.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors312.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors313.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors314.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors315.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors316.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors317.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors318.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors319.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors320.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors321.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors322.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors323.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors324.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors325.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors326.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors327.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors328.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors329.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors330.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors331.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors332.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors333.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors334.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors335.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors336.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors337.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors338.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors339.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors340.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors341.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors342.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors343.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors344.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors345.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors346.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors347.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors348.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors349.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors350.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors351.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors352.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors353.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors354.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors355.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors356.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors357.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors358.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors359.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors360.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors361.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors362.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors363.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors364.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors365.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors366.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors367.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors368.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors369.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors370.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors371.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors372.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors373.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors374.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors375.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors376.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors377.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors378.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors379.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors380.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors381.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors382.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors383.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors384.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors385.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors386.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors387.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors388.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors389.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors390.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors391.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors392.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors393.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors394.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors395.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors396.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors397.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors398.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors399.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors400.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors401.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors402.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors403.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors404.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors405.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors406.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors407.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors408.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors409.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors410.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors411.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors412.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors413.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors414.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors415.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors416.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors417.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors418.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors419.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors420.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors421.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors422.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors423.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors424.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors425.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors426.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors427.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors428.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors429.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors430.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors431.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors432.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors433.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors434.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors435.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors436.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors437.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors438.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors439.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors440.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors441.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors442.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors443.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors444.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors445.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors446.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors447.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors448.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors449.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors450.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors451.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors452.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors453.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors454.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors455.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors456.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors457.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors458.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors459.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors460.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors461.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors462.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors463.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors464.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors465.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors466.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors467.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors468.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors469.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors470.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors471.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors472.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors473.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors474.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors475.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors476.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors477.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors478.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors479.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors480.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors481.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors482.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors483.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors484.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors485.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors486.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors487.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors488.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors489.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors490.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors491.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors492.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors493.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors494.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors495.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors496.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors497.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors498.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors499.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors500.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors501.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors502.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors503.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors504.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors505.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors506.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors507.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors508.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors509.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors510.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors511.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors512.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors513.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors514.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors515.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors516.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors517.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors518.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors519.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors520.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors521.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors522.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors523.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors524.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors525.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors526.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors527.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors528.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors529.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors530.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors531.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors532.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors533.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors534.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors535.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors536.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors537.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors538.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors539.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors540.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors541.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors542.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors543.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors544.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors545.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors546.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors547.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors548.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors549.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors550.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors551.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors552.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors553.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors554.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors555.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors556.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors557.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors558.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors559.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors560.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors561.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors562.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors563.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors564.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors565.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors566.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors567.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors568.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors569.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors570.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors571.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors572.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors573.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors574.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors575.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors576.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors577.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors578.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors579.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors580.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors581.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors582.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors583.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors584.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors585.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors586.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors587.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors588.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors589.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors590.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors591.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors592.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors593.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors594.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors595.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors596.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors597.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors598.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors599.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors600.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors601.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors602.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors603.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors604.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors605.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors606.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors607.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors608.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors609.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors610.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors611.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors612.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors613.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors614.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors615.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors616.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors617.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors618.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors619.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors620.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors621.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors622.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors623.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors624.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors625.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors626.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors627.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors628.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors629.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors630.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors631.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors632.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors633.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors634.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors635.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors636.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors637.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors638.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors639.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors640.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors641.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors642.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors643.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors644.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors645.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors646.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors647.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors648.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors649.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors650.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors651.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors652.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors653.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors654.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors655.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors656.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors657.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors658.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors659.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors660.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors661.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors662.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors663.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors664.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors665.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors666.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors667.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors668.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors669.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors670.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors671.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors672.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors673.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors674.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors675.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors676.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors677.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors678.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors679.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors680.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors681.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors682.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors683.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors684.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors685.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors686.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors687.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors688.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors689.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors690.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors691.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors692.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors693.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors694.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors695.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors696.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors697.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors698.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors699.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors700.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors701.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors702.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors703.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors704.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors705.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors706.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors707.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors708.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors709.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors710.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors711.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors712.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors713.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors714.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors715.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors716.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors717.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors718.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors719.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors720.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors721.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors722.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors723.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors724.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors725.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors726.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors727.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors728.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors729.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors730.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors731.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors732.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors733.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors734.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors735.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors736.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors737.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors738.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors739.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors740.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors741.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors742.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors743.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors744.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors745.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors746.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors747.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors748.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors749.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors750.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors751.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors752.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors753.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors754.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors755.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors756.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors757.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors758.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors759.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors760.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors761.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors762.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors763.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors764.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors765.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors766.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors767.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors768.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors769.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors770.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors771.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors772.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors773.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors774.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors775.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors776.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors777.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors778.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors779.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors780.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors781.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors782.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors783.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors784.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors785.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors786.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors787.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors788.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors789.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors790.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors791.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors792.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors793.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors794.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors795.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors796.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors797.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors798.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors799.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors800.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors801.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors802.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors803.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors804.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors805.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors806.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors807.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors808.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors809.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors810.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors811.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors812.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors813.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors814.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors815.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors816.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors817.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors818.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors819.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors820.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors821.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors822.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors823.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors824.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors825.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors826.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors827.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors828.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors829.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors830.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors831.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors832.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors833.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors834.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors835.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors836.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors837.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors838.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors839.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors840.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors841.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors842.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors843.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors844.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors845.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors846.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors847.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors848.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors849.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors850.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors851.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors852.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors853.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors854.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors855.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors856.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors857.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors858.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors859.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors860.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors861.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors862.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors863.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors864.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors865.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors866.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors867.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors868.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors869.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors870.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors871.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors872.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors873.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors874.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors875.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors876.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors877.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors878.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors879.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors880.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors881.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors882.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors883.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors884.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors885.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors886.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors887.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors888.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors889.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors890.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors891.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors892.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors893.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors894.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors895.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors896.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors897.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors898.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors899.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors900.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors901.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors902.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors903.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors904.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors905.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors906.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors907.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors908.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors909.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors910.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors911.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors912.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors913.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors914.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors915.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors916.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors917.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors918.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors919.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors920.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors921.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors922.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors923.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors924.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors925.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors926.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors927.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors928.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors929.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors930.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors931.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors932.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors933.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors934.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors935.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors936.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors937.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors938.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors939.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors940.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors941.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors942.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors943.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors944.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors945.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors946.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors947.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors948.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors949.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors950.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors951.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors952.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors953.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors954.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors955.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors956.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors957.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors958.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors959.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors960.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors961.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors962.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors963.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors964.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors965.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors966.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors967.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors968.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors969.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors970.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors971.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors972.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors973.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors974.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors975.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors976.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors977.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors978.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors979.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors980.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors981.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors982.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors983.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors984.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors985.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors986.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors987.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors988.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors989.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors990.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors991.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors992.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors993.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors994.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors995.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors996.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors997.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors998.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors999.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1000.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1001.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1002.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1003.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1004.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1005.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1006.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1007.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1008.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1009.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1010.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1011.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1012.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1013.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1014.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1015.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1016.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1017.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1018.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1019.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1020.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1021.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1022.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1023.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1024.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1025.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1026.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1027.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1028.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1029.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1030.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1031.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1032.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1033.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1034.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1035.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1036.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1037.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1038.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1039.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1040.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1041.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1042.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1043.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1044.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1045.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1046.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1047.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1048.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1049.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1050.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1051.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1052.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1053.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1054.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1055.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1056.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1057.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1058.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1059.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1060.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1061.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1062.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1063.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1064.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1065.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1066.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1067.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1068.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1069.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1070.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1071.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1072.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1073.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1074.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1075.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1076.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1077.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1078.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1079.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1080.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1081.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1082.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1083.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1084.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1085.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1086.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1087.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1088.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1089.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1090.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1091.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1092.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1093.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1094.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1095.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1096.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1097.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1098.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1099.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1100.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1101.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1102.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1103.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1104.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1105.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1106.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1107.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1108.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1109.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1110.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1111.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1112.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1113.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1114.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1115.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1116.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1117.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1118.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1119.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1120.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1121.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1122.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1123.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1124.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1125.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1126.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1127.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1128.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1129.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1130.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1131.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1132.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1133.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1134.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1135.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1136.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1137.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1138.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1139.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1140.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1141.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1142.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1143.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1144.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1145.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1146.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1147.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1148.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1149.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1150.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1151.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1152.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1153.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1154.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1155.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1156.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1157.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1158.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1159.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1160.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1161.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1162.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1163.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1164.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1165.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1166.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1167.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1168.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1169.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1170.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1171.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1172.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1173.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1174.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1175.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1176.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1177.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1178.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1179.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1180.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1181.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1182.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1183.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1184.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1185.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1186.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1187.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1188.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1189.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1190.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1191.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1192.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1193.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1194.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1195.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1196.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1197.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1198.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1199.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1200.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1201.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1202.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1203.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1204.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1205.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1206.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1207.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1208.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1209.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1210.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1211.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1212.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1213.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1214.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1215.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1216.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1217.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1218.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1219.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1220.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1221.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1222.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1223.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1224.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1225.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1226.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1227.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1228.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1229.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1230.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1231.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1232.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1233.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1234.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1235.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1236.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1237.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1238.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1239.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1240.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1241.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1242.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1243.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1244.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1245.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1246.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1247.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1248.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1249.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1250.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1251.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1252.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1253.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1254.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1255.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1256.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1257.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1258.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1259.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1260.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1261.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1262.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1263.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1264.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1265.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1266.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1267.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1268.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1269.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1270.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1271.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1272.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1273.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1274.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1275.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1276.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1277.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1278.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1279.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1280.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1281.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1282.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1283.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1284.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1285.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1286.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1287.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1288.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1289.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1290.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1291.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1292.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1293.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1294.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1295.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1296.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1297.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1298.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1299.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1300.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1301.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1302.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1303.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1304.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1305.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1306.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1307.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1308.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1309.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1310.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1311.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1312.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1313.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1314.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1315.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1316.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1317.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1318.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1319.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1320.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1321.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1322.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1323.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1324.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1325.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1326.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1327.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1328.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1329.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1330.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1331.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1332.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1333.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1334.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1335.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1336.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1337.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1338.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1339.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1340.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1341.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1342.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1343.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1344.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1345.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1346.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1347.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1348.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1349.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1350.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1351.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1352.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1353.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1354.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1355.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1356.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1357.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1358.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1359.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1360.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1361.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1362.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1363.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1364.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1365.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1366.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1367.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1368.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1369.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1370.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1371.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1372.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1373.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1374.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1375.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1376.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1377.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1378.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1379.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1380.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1381.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1382.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1383.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1384.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1385.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1386.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1387.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1388.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1389.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1390.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1391.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1392.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1393.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1394.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1395.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1396.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1397.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1398.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1399.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1400.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1401.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1402.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1403.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1404.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1405.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1406.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1407.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1408.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1409.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1410.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1411.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1412.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1413.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1414.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1415.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1416.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1417.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1418.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1419.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1420.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1421.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1422.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1423.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1424.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1425.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1426.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1427.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1428.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1429.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1430.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1431.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1432.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1433.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1434.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1435.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1436.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1437.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1438.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1439.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1440.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1441.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1442.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1443.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1444.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1445.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1446.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1447.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1448.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1449.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1450.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1451.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1452.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1453.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1454.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1455.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1456.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1457.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1458.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1459.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1460.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1461.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1462.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1463.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1464.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1465.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1466.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1467.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1468.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1469.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1470.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1471.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1472.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1473.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1474.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1475.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1476.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1477.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1478.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1479.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1480.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1481.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1482.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1483.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1484.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1485.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1486.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1487.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1488.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1489.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1490.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1491.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1492.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1493.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1494.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1495.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1496.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1497.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1498.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1499.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1500.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1501.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1502.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1503.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1504.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1505.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1506.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1507.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1508.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1509.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1510.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1511.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1512.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1513.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1514.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1515.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1516.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1517.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1518.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1519.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1520.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1521.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1522.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1523.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1524.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1525.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1526.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1527.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1528.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1529.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1530.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1531.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1532.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1533.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1534.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1535.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1536.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1537.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1538.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1539.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1540.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1541.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1542.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1543.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1544.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1545.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1546.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1547.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1548.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1549.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1550.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1551.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1552.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1553.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1554.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1555.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1556.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1557.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1558.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1559.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1560.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1561.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1562.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1563.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1564.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Chinese Laundry/8029253.3/tensors1565.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors2.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors3.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors4.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors5.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors6.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors7.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors8.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors9.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors10.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors11.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors12.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors13.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors14.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors15.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors16.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors17.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors18.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors19.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors20.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors21.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors22.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors23.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors24.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors25.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors26.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors27.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors28.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors29.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors30.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors31.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors32.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors33.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors34.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors35.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors36.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors37.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors38.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors39.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors40.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors41.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors42.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors43.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors44.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors45.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors46.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors47.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors48.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors49.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors50.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors51.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors52.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors53.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors54.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors55.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors56.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors57.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors58.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors59.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors60.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors61.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors62.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors63.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors64.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors65.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors66.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors67.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors68.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors69.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors70.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors71.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors72.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors73.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors74.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors75.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors76.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors77.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors78.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors79.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors80.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors81.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors82.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors83.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors84.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors85.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors86.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors87.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors88.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors89.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors90.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors91.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors92.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors93.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors94.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors95.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors96.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors97.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors98.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors99.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors100.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors101.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors102.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors103.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors104.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors105.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors106.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors107.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors108.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors109.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors110.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors111.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors112.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors113.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors114.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors115.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors116.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors117.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors118.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors119.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors120.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors121.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors122.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors123.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors124.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors125.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors126.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors127.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors128.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors129.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors130.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors131.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors132.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors133.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors134.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors135.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors136.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors137.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors138.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors139.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors140.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors141.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors142.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors143.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors144.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors145.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors146.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors147.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors148.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors149.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors150.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors151.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors152.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors153.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors154.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors155.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors156.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors157.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors158.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors159.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors160.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors161.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors162.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors163.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors164.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors165.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors166.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors167.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors168.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors169.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors170.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors171.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors172.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors173.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors174.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors175.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors176.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors177.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors178.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors179.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors180.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors181.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors182.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors183.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors184.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors185.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors186.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors187.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors188.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors189.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors190.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors191.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors192.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors193.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors194.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors195.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors196.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors197.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors198.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors199.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors200.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors201.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors202.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors203.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors204.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors205.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors206.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors207.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors208.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors209.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors210.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors211.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors212.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors213.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors214.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors215.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors216.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors217.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors218.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors219.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors220.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors221.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors222.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors223.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors224.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors225.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors226.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors227.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors228.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors229.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors230.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors231.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors232.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors233.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors234.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors235.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors236.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors237.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors238.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors239.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors240.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors241.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors242.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors243.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors244.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors245.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors246.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors247.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors248.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors249.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors250.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors251.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors252.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors253.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors254.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors255.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors256.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors257.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors258.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors259.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors260.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors261.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors262.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors263.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors264.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors265.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors266.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors267.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors268.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors269.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors270.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors271.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors272.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors273.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors274.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors275.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors276.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors277.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors278.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors279.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors280.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors281.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors282.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors283.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors284.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors285.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors286.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors287.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors288.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors289.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors290.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors291.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors292.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors293.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors294.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors295.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors296.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors297.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors298.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors299.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors300.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors301.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors302.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors303.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors304.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors305.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors306.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors307.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors308.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors309.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors310.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors311.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors312.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors313.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors314.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors315.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors316.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors317.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors318.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors319.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors320.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors321.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors322.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors323.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors324.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors325.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors326.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors327.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors328.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors329.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors330.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors331.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors332.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors333.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors334.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors335.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors336.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors337.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors338.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors339.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors340.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors341.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors342.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors343.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors344.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors345.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors346.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors347.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors348.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors349.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors350.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors351.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors352.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors353.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors354.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors355.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors356.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors357.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors358.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors359.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors360.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors361.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors362.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors363.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors364.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors365.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors366.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors367.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors368.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors369.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors370.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors371.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors372.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors373.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors374.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors375.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors376.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors377.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors378.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors379.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors380.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors381.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors382.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors383.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors384.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors385.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors386.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors387.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors388.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors389.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors390.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors391.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors392.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors393.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors394.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors395.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors396.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors397.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors398.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors399.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors400.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors401.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors402.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors403.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors404.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors405.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors406.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors407.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors408.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors409.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors410.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors411.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors412.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors413.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors414.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors415.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors416.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors417.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors418.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors419.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors420.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors421.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors422.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors423.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors424.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors425.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors426.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors427.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors428.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors429.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors430.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors431.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors432.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors433.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors434.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors435.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors436.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors437.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors438.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors439.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors440.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors441.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors442.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors443.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors444.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors445.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors446.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors447.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors448.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors449.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors450.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors451.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors452.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors453.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors454.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors455.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors456.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors457.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors458.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors459.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors460.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors461.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors462.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors463.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors464.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors465.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors466.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors467.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors468.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors469.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors470.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors471.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors472.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors473.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors474.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors475.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors476.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors477.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors478.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors479.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors480.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors481.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors482.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors483.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors484.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors485.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors486.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors487.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors488.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors489.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors490.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors491.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors492.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors493.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors494.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors495.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors496.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors497.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors498.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors499.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors500.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors501.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors502.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors503.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors504.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors505.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors506.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors507.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors508.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors509.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors510.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors511.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors512.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors513.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors514.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors515.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors516.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors517.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors518.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors519.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors520.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors521.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors522.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors523.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors524.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors525.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors526.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors527.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors528.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors529.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors530.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors531.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors532.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors533.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors534.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors535.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors536.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors537.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors538.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors539.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors540.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors541.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors542.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors543.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors544.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors545.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors546.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors547.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors548.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors549.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors550.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors551.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors552.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors553.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors554.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors555.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors556.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors557.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors558.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors559.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors560.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors561.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors562.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors563.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors564.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors565.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors566.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors567.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors568.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors569.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors570.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors571.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors572.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors573.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors574.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors575.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors576.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors577.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors578.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors579.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors580.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors581.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors582.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors583.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors584.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors585.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors586.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors587.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors588.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors589.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors590.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors591.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors592.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors593.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors594.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors595.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors596.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors597.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors598.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors599.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors600.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors601.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors602.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors603.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors604.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors605.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors606.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors607.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors608.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors609.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors610.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors611.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors612.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors613.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors614.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors615.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors616.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors617.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors618.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors619.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors620.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors621.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors622.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors623.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors624.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors625.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors626.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors627.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors628.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors629.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors630.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors631.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors632.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors633.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors634.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors635.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors636.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors637.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors638.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors639.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors640.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors641.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors642.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors643.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors644.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors645.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors646.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors647.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors648.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors649.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors650.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors651.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors652.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors653.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors654.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors655.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors656.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors657.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors658.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors659.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors660.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors661.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors662.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors663.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors664.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors665.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors666.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors667.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors668.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors669.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors670.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors671.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors672.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors673.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors674.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors675.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors676.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors677.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors678.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors679.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors680.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors681.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors682.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors683.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors684.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors685.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors686.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors687.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors688.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors689.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors690.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors691.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors692.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors693.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors694.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors695.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors696.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors697.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors698.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors699.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors700.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors701.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors702.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors703.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors704.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors705.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors706.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors707.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors708.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors709.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors710.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors711.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors712.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors713.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors714.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors715.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors716.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors717.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors718.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors719.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors720.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors721.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors722.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors723.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors724.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors725.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors726.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors727.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors728.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors729.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors730.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors731.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors732.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors733.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors734.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors735.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors736.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors737.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors738.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors739.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors740.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors741.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors742.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors743.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors744.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors745.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors746.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors747.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors748.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors749.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors750.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors751.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors752.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors753.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors754.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors755.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors756.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors757.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors758.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors759.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors760.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors761.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors762.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors763.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors764.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors765.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors766.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors767.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors768.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors769.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors770.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors771.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors772.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors773.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors774.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors775.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors776.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors777.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors778.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors779.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors780.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors781.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors782.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors783.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors784.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors785.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors786.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors787.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors788.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors789.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors790.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors791.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors792.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors793.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors794.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors795.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors796.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors797.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors798.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors799.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors800.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors801.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors802.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors803.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors804.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors805.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors806.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors807.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors808.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors809.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors810.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors811.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors812.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors813.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors814.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors815.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors816.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors817.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors818.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors819.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors820.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors821.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors822.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors823.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors824.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors825.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors826.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors827.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors828.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors829.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors830.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors831.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors832.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors833.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors834.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors835.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors836.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors837.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors838.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors839.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors840.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors841.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors842.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors843.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors844.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors845.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors846.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors847.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors848.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors849.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors850.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors851.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors852.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors853.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors854.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors855.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors856.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors857.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors858.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors859.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors860.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors861.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors862.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors863.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors864.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors865.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors866.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors867.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors868.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors869.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors870.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors871.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors872.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors873.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors874.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors875.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors876.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors877.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors878.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors879.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors880.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors881.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors882.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors883.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors884.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors885.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors886.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors887.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors888.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors889.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors890.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors891.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors892.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors893.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors894.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors895.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors896.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors897.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors898.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors899.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors900.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors901.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors902.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors903.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors904.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors905.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors906.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors907.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors908.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors909.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors910.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors911.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors912.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors913.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors914.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors915.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors916.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors917.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors918.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors919.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors920.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors921.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors922.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors923.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors924.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors925.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors926.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors927.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors928.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors929.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors930.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors931.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors932.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors933.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors934.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors935.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors936.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors937.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors938.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors939.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors940.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors941.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors942.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors943.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors944.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors945.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors946.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors947.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors948.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors949.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors950.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors951.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors952.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors953.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors954.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors955.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors956.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors957.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors958.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors959.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors960.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors961.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors962.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors963.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors964.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors965.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors966.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors967.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors968.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors969.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors970.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors971.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors972.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors973.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors974.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors975.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors976.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors977.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors978.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors979.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors980.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors981.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors982.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors983.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors984.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors985.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors986.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors987.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors988.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors989.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors990.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors991.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors992.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors993.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors994.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors995.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors996.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors997.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors998.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors999.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1000.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1001.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1002.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1003.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1004.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1005.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1006.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1007.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1008.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1009.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1010.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1011.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1012.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1013.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1014.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1015.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1016.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1017.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1018.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1019.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1020.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1021.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1022.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1023.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1024.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1025.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1026.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1027.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1028.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1029.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1030.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1031.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1032.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1033.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1034.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1035.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1036.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1037.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1038.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1039.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1040.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1041.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1042.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1043.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1044.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1045.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1046.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1047.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1048.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1049.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1050.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1051.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1052.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1053.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1054.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1055.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1056.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1057.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1058.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1059.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1060.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1061.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1062.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1063.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1064.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1065.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1066.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1067.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1068.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1069.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1070.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1071.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1072.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1073.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1074.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1075.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1076.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1077.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1078.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1079.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1080.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1081.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1082.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1083.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1084.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1085.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1086.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1087.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1088.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1089.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1090.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1091.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1092.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1093.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1094.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1095.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1096.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1097.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1098.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1099.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1100.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1101.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1102.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1103.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1104.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1105.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1106.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1107.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1108.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1109.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1110.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1111.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1112.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1113.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1114.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1115.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1116.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1117.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1118.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1119.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1120.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1121.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1122.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1123.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1124.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1125.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1126.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1127.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1128.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1129.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1130.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1131.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1132.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1133.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1134.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1135.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1136.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1137.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1138.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1139.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1140.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1141.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1142.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1143.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1144.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1145.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1146.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1147.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1148.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1149.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1150.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1151.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1152.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1153.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1154.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1155.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1156.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1157.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1158.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1159.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1160.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1161.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1162.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1163.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1164.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1165.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1166.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1167.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1168.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1169.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1170.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1171.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1172.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1173.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1174.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1175.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1176.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1177.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1178.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1179.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1180.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1181.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1182.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1183.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1184.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1185.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1186.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1187.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1188.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1189.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1190.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1191.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1192.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1193.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1194.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1195.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1196.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1197.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1198.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1199.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1200.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1201.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1202.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1203.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1204.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1205.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1206.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1207.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1208.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1209.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1210.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1211.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1212.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1213.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1214.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1215.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1216.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1217.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1218.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1219.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1220.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1221.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1222.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1223.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1224.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1225.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1226.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1227.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1228.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1229.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1230.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1231.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1232.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1233.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1234.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1235.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1236.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1237.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1238.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1239.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1240.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1241.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1242.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1243.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1244.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1245.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1246.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1247.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1248.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1249.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1250.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1251.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1252.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1253.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1254.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1255.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1256.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1257.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1258.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1259.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1260.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1261.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1262.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1263.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1264.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1265.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1266.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1267.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1268.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1269.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1270.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1271.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1272.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1273.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1274.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1275.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1276.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1277.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1278.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1279.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1280.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1281.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1282.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1283.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1284.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1285.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1286.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1287.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1288.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1289.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1290.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1291.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1292.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1293.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1294.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1295.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1296.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1297.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1298.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1299.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1300.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1301.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1302.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1303.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1304.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1305.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1306.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1307.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1308.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1309.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1310.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1311.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1312.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1313.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1314.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1315.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1316.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1317.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1318.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1319.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1320.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1321.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1322.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1323.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1324.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1325.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1326.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1327.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1328.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1329.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1330.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1331.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1332.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1333.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1334.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1335.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1336.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1337.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1338.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1339.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1340.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1341.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1342.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1343.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1344.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1345.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1346.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1347.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1348.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1349.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1350.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1351.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1352.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1353.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1354.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1355.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1356.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1357.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1358.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1359.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1360.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1361.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1362.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1363.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1364.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1365.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1366.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1367.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1368.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1369.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1370.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1371.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1372.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1373.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1374.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1375.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1376.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1377.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1378.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1379.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1380.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1381.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1382.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1383.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1384.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1385.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1386.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1387.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1388.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1389.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1390.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1391.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1392.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1393.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1394.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1395.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1396.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1397.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1398.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1399.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1400.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1401.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1402.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1403.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1404.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1405.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1406.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1407.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1408.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1409.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1410.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1411.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1412.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1413.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1414.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1415.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1416.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1417.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1418.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1419.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1420.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1421.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1422.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1423.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1424.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1425.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1426.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1427.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1428.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1429.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1430.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1431.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1432.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1433.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1434.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1435.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1436.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1437.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1438.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1439.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1440.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1441.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1442.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1443.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1444.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1445.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1446.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1447.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1448.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1449.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1450.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1451.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1452.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1453.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1454.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1455.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1456.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1457.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1458.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1459.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1460.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1461.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1462.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1463.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1464.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1465.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1466.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1467.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1468.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1469.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1470.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1471.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1472.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1473.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1474.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1475.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1476.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1477.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1478.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1479.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1480.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1481.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1482.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1483.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1484.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1485.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1486.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1487.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1488.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1489.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1490.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1491.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1492.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1493.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1494.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1495.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1496.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1497.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1498.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1499.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1500.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1501.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1502.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1503.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1504.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1505.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1506.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1507.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1508.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1509.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1510.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1511.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1512.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1513.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1514.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1515.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1516.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1517.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1518.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1519.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1520.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1521.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1522.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1523.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1524.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1525.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1526.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1527.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1528.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1529.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1530.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1531.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1532.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1533.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1534.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1535.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1536.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1537.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1538.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1539.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1540.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1541.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1542.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1543.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1544.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1545.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1546.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1547.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1548.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1549.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1550.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1551.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1552.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1553.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1554.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1555.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1556.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1557.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1558.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1559.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1560.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1561.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1562.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1563.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1564.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/ALDO/8057858.72/tensors1565.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors2.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors3.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors4.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors5.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors6.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors7.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors8.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors9.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors10.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors11.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors12.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors13.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors14.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors15.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors16.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors17.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors18.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors19.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors20.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors21.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors22.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors23.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors24.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors25.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors26.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors27.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors28.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors29.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors30.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors31.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors32.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors33.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors34.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors35.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors36.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors37.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors38.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors39.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors40.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors41.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors42.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors43.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors44.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors45.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors46.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors47.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors48.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors49.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors50.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors51.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors52.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors53.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors54.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors55.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors56.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors57.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors58.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors59.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors60.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors61.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors62.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors63.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors64.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors65.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors66.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors67.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors68.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors69.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors70.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors71.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors72.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors73.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors74.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors75.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors76.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors77.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors78.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors79.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors80.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors81.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors82.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors83.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors84.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors85.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors86.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors87.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors88.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors89.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors90.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors91.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors92.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors93.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors94.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors95.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors96.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors97.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors98.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors99.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors100.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors101.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors102.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors103.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors104.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors105.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors106.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors107.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors108.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors109.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors110.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors111.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors112.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors113.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors114.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors115.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors116.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors117.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors118.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors119.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors120.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors121.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors122.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors123.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors124.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors125.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors126.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors127.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors128.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors129.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors130.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors131.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors132.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors133.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors134.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors135.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors136.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors137.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors138.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors139.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors140.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors141.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors142.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors143.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors144.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors145.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors146.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors147.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors148.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors149.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors150.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors151.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors152.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors153.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors154.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors155.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors156.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors157.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors158.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors159.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors160.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors161.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors162.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors163.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors164.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors165.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors166.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors167.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors168.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors169.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors170.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors171.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors172.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors173.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors174.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors175.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors176.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors177.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors178.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors179.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors180.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors181.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors182.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors183.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors184.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors185.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors186.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors187.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors188.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors189.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors190.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors191.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors192.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors193.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors194.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors195.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors196.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors197.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors198.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors199.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors200.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors201.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors202.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors203.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors204.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors205.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors206.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors207.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors208.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors209.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors210.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors211.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors212.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors213.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors214.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors215.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors216.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors217.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors218.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors219.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors220.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors221.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors222.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors223.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors224.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors225.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors226.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors227.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors228.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors229.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors230.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors231.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors232.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors233.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors234.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors235.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors236.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors237.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors238.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors239.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors240.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors241.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors242.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors243.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors244.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors245.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors246.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors247.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors248.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors249.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors250.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors251.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors252.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors253.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors254.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors255.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors256.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors257.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors258.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors259.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors260.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors261.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors262.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors263.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors264.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors265.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors266.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors267.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors268.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors269.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors270.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors271.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors272.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors273.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors274.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors275.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors276.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors277.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors278.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors279.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors280.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors281.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors282.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors283.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors284.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors285.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors286.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors287.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors288.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors289.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors290.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors291.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors292.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors293.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors294.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors295.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors296.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors297.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors298.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors299.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors300.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors301.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors302.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors303.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors304.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors305.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors306.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors307.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors308.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors309.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors310.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors311.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors312.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors313.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors314.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors315.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors316.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors317.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors318.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors319.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors320.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors321.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors322.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors323.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors324.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors325.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors326.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors327.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors328.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors329.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors330.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors331.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors332.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors333.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors334.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors335.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors336.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors337.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors338.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors339.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors340.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors341.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors342.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors343.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors344.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors345.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors346.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors347.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors348.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors349.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors350.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors351.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors352.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors353.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors354.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors355.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors356.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors357.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors358.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors359.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors360.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors361.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors362.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors363.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors364.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors365.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors366.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors367.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors368.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors369.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors370.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors371.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors372.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors373.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors374.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors375.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors376.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors377.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors378.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors379.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors380.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors381.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors382.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors383.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors384.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors385.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors386.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors387.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors388.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors389.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors390.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors391.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors392.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors393.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors394.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors395.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors396.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors397.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors398.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors399.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors400.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors401.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors402.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors403.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors404.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors405.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors406.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors407.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors408.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors409.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors410.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors411.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors412.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors413.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors414.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors415.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors416.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors417.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors418.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors419.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors420.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors421.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors422.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors423.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors424.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors425.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors426.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors427.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors428.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors429.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors430.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors431.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors432.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors433.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors434.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors435.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors436.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors437.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors438.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors439.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors440.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors441.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors442.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors443.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors444.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors445.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors446.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors447.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors448.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors449.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors450.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors451.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors452.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors453.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors454.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors455.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors456.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors457.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors458.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors459.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors460.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors461.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors462.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors463.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors464.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors465.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors466.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors467.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors468.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors469.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors470.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors471.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors472.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors473.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors474.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors475.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors476.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors477.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors478.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors479.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors480.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors481.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors482.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors483.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors484.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors485.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors486.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors487.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors488.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors489.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors490.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors491.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors492.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors493.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors494.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors495.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors496.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors497.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors498.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors499.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors500.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors501.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors502.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors503.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors504.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors505.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors506.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors507.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors508.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors509.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors510.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors511.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors512.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors513.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors514.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors515.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors516.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors517.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors518.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors519.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors520.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors521.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors522.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors523.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors524.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors525.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors526.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors527.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors528.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors529.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors530.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors531.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors532.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors533.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors534.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors535.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors536.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors537.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors538.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors539.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors540.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors541.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors542.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors543.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors544.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors545.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors546.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors547.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors548.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors549.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors550.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors551.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors552.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors553.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors554.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors555.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors556.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors557.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors558.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors559.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors560.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors561.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors562.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors563.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors564.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors565.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors566.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors567.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors568.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors569.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors570.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors571.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors572.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors573.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors574.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors575.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors576.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors577.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors578.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors579.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors580.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors581.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors582.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors583.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors584.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors585.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors586.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors587.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors588.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors589.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors590.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors591.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors592.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors593.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors594.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors595.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors596.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors597.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors598.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors599.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors600.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors601.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors602.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors603.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors604.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors605.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors606.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors607.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors608.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors609.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors610.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors611.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors612.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors613.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors614.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors615.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors616.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors617.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors618.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors619.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors620.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors621.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors622.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors623.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors624.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors625.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors626.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors627.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors628.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors629.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors630.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors631.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors632.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors633.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors634.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors635.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors636.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors637.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors638.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors639.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors640.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors641.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors642.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors643.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors644.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors645.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors646.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors647.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors648.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors649.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors650.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors651.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors652.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors653.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors654.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors655.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors656.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors657.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors658.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors659.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors660.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors661.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors662.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors663.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors664.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors665.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors666.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors667.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors668.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors669.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors670.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors671.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors672.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors673.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors674.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors675.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors676.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors677.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors678.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors679.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors680.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors681.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors682.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors683.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors684.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors685.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors686.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors687.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors688.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors689.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors690.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors691.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors692.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors693.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors694.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors695.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors696.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors697.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors698.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors699.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors700.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors701.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors702.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors703.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors704.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors705.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors706.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors707.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors708.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors709.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors710.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors711.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors712.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors713.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors714.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors715.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors716.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors717.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors718.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors719.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors720.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors721.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors722.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors723.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors724.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors725.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors726.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors727.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors728.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors729.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors730.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors731.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors732.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors733.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors734.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors735.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors736.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors737.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors738.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors739.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors740.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors741.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors742.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors743.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors744.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors745.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors746.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors747.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors748.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors749.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors750.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors751.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors752.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors753.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors754.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors755.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors756.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors757.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors758.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors759.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors760.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors761.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors762.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors763.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors764.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors765.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors766.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors767.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors768.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors769.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors770.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors771.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors772.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors773.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors774.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors775.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors776.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors777.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors778.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors779.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors780.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors781.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors782.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors783.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors784.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors785.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors786.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors787.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors788.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors789.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors790.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors791.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors792.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors793.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors794.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors795.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors796.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors797.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors798.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors799.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors800.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors801.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors802.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors803.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors804.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors805.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors806.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors807.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors808.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors809.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors810.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors811.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors812.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors813.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors814.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors815.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors816.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors817.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors818.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors819.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors820.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors821.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors822.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors823.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors824.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors825.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors826.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors827.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors828.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors829.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors830.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors831.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors832.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors833.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors834.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors835.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors836.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors837.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors838.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors839.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors840.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors841.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors842.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors843.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors844.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors845.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors846.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors847.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors848.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors849.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors850.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors851.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors852.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors853.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors854.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors855.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors856.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors857.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors858.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors859.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors860.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors861.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors862.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors863.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors864.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors865.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors866.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors867.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors868.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors869.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors870.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors871.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors872.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors873.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors874.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors875.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors876.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors877.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors878.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors879.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors880.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors881.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors882.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors883.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors884.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors885.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors886.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors887.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors888.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors889.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors890.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors891.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors892.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors893.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors894.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors895.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors896.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors897.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors898.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors899.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors900.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors901.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors902.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors903.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors904.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors905.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors906.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors907.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors908.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors909.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors910.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors911.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors912.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors913.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors914.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors915.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors916.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors917.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors918.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors919.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors920.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors921.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors922.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors923.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors924.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors925.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors926.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors927.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors928.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors929.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors930.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors931.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors932.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors933.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors934.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors935.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors936.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors937.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors938.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors939.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors940.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors941.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors942.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors943.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors944.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors945.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors946.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors947.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors948.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors949.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors950.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors951.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors952.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors953.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors954.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors955.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors956.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors957.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors958.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors959.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors960.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors961.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors962.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors963.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors964.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors965.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors966.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors967.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors968.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors969.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors970.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors971.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors972.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors973.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors974.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors975.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors976.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors977.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors978.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors979.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors980.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors981.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors982.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors983.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors984.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors985.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors986.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors987.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors988.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors989.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors990.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors991.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors992.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors993.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors994.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors995.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors996.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors997.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors998.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors999.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1000.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1001.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1002.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1003.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1004.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1005.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1006.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1007.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1008.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1009.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1010.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1011.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1012.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1013.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1014.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1015.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1016.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1017.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1018.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1019.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1020.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1021.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1022.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1023.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1024.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1025.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1026.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1027.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1028.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1029.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1030.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1031.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1032.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1033.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1034.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1035.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1036.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1037.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1038.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1039.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1040.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1041.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1042.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1043.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1044.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1045.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1046.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1047.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1048.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1049.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1050.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1051.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1052.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1053.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1054.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1055.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1056.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1057.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1058.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1059.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1060.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1061.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1062.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1063.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1064.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1065.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1066.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1067.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1068.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1069.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1070.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1071.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1072.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1073.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1074.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1075.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1076.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1077.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1078.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1079.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1080.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1081.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1082.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1083.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1084.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1085.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1086.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1087.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1088.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1089.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1090.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1091.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1092.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1093.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1094.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1095.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1096.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1097.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1098.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1099.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1100.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1101.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1102.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1103.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1104.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1105.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1106.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1107.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1108.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1109.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1110.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1111.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1112.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1113.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1114.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1115.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1116.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1117.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1118.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1119.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1120.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1121.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1122.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1123.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1124.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1125.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1126.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1127.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1128.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1129.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1130.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1131.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1132.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1133.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1134.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1135.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1136.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1137.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1138.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1139.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1140.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1141.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1142.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1143.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1144.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1145.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1146.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1147.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1148.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1149.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1150.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1151.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1152.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1153.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1154.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1155.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1156.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1157.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1158.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1159.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1160.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1161.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1162.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1163.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1164.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1165.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1166.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1167.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1168.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1169.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1170.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1171.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1172.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1173.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1174.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1175.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1176.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1177.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1178.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1179.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1180.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1181.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1182.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1183.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1184.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1185.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1186.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1187.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1188.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1189.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1190.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1191.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1192.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1193.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1194.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1195.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1196.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1197.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1198.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1199.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1200.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1201.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1202.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1203.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1204.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1205.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1206.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1207.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1208.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1209.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1210.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1211.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1212.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1213.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1214.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1215.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1216.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1217.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1218.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1219.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1220.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1221.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1222.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1223.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1224.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1225.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1226.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1227.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1228.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1229.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1230.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1231.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1232.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1233.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1234.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1235.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1236.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1237.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1238.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1239.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1240.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1241.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1242.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1243.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1244.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1245.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1246.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1247.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1248.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1249.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1250.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1251.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1252.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1253.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1254.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1255.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1256.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1257.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1258.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1259.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1260.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1261.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1262.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1263.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1264.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1265.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1266.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1267.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1268.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1269.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1270.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1271.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1272.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1273.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1274.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1275.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1276.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1277.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1278.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1279.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1280.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1281.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1282.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1283.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1284.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1285.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1286.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1287.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1288.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1289.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1290.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1291.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1292.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1293.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1294.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1295.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1296.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1297.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1298.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1299.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1300.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1301.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1302.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1303.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1304.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1305.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1306.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1307.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1308.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1309.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1310.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1311.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1312.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1313.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1314.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1315.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1316.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1317.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1318.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1319.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1320.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1321.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1322.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1323.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1324.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1325.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1326.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1327.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1328.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1329.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1330.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1331.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1332.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1333.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1334.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1335.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1336.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1337.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1338.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1339.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1340.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1341.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1342.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1343.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1344.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1345.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1346.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1347.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1348.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1349.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1350.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1351.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1352.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1353.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1354.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1355.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1356.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1357.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1358.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1359.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1360.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1361.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1362.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1363.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1364.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1365.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1366.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1367.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1368.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1369.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1370.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1371.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1372.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1373.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1374.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1375.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1376.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1377.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1378.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1379.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1380.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1381.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1382.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1383.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1384.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1385.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1386.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1387.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1388.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1389.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1390.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1391.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1392.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1393.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1394.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1395.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1396.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1397.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1398.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1399.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1400.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1401.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1402.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1403.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1404.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1405.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1406.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1407.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1408.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1409.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1410.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1411.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1412.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1413.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1414.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1415.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1416.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1417.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1418.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1419.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1420.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1421.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1422.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1423.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1424.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1425.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1426.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1427.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1428.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1429.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1430.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1431.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1432.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1433.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1434.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1435.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1436.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1437.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1438.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1439.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1440.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1441.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1442.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1443.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1444.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1445.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1446.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1447.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1448.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1449.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1450.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1451.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1452.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1453.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1454.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1455.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1456.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1457.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1458.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1459.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1460.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1461.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1462.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1463.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1464.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1465.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1466.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1467.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1468.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1469.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1470.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1471.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1472.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1473.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1474.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1475.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1476.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1477.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1478.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1479.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1480.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1481.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1482.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1483.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1484.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1485.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1486.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1487.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1488.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1489.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1490.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1491.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1492.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1493.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1494.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1495.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1496.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1497.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1498.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1499.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1500.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1501.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1502.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1503.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1504.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1505.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1506.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1507.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1508.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1509.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1510.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1511.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1512.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1513.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1514.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1515.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1516.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1517.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1518.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1519.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1520.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1521.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1522.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1523.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1524.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1525.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1526.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1527.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1528.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1529.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1530.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1531.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1532.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1533.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1534.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1535.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1536.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1537.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1538.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1539.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1540.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1541.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1542.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1543.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1544.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1545.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1546.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1547.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1548.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1549.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1550.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1551.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1552.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1553.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1554.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1555.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1556.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1557.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1558.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1559.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1560.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1561.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1562.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1563.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1564.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Donald J Pliner/8018437.607/tensors1565.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors2.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors3.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors4.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors5.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors6.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors7.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors8.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors9.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors10.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors11.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors12.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors13.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors14.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors15.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors16.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors17.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors18.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors19.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors20.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors21.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors22.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors23.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors24.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors25.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors26.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors27.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors28.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors29.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors30.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors31.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors32.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors33.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors34.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors35.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors36.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors37.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors38.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors39.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors40.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors41.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors42.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors43.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors44.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors45.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors46.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors47.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors48.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors49.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors50.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors51.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors52.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors53.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors54.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors55.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors56.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors57.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors58.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors59.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors60.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors61.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors62.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors63.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors64.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors65.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors66.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors67.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors68.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors69.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors70.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors71.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors72.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors73.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors74.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors75.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors76.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors77.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors78.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors79.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors80.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors81.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors82.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors83.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors84.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors85.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors86.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors87.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors88.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors89.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors90.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors91.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors92.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors93.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors94.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors95.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors96.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors97.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors98.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors99.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors100.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors101.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors102.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors103.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors104.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors105.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors106.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors107.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors108.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors109.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors110.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors111.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors112.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors113.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors114.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors115.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors116.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors117.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors118.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors119.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors120.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors121.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors122.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors123.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors124.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors125.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors126.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors127.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors128.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors129.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors130.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors131.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors132.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors133.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors134.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors135.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors136.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors137.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors138.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors139.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors140.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors141.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors142.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors143.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors144.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors145.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors146.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors147.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors148.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors149.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors150.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors151.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors152.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors153.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors154.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors155.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors156.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors157.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors158.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors159.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors160.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors161.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors162.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors163.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors164.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors165.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors166.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors167.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors168.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors169.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors170.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors171.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors172.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors173.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors174.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors175.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors176.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors177.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors178.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors179.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors180.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors181.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors182.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors183.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors184.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors185.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors186.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors187.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors188.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors189.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors190.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors191.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors192.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors193.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors194.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors195.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors196.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors197.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors198.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors199.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors200.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors201.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors202.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors203.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors204.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors205.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors206.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors207.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors208.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors209.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors210.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors211.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors212.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors213.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors214.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors215.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors216.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors217.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors218.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors219.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors220.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors221.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors222.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors223.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors224.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors225.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors226.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors227.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors228.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors229.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors230.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors231.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors232.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors233.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors234.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors235.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors236.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors237.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors238.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors239.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors240.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors241.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors242.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors243.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors244.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors245.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors246.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors247.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors248.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors249.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors250.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors251.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors252.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors253.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors254.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors255.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors256.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors257.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors258.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors259.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors260.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors261.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors262.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors263.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors264.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors265.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors266.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors267.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors268.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors269.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors270.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors271.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors272.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors273.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors274.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors275.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors276.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors277.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors278.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors279.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors280.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors281.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors282.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors283.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors284.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors285.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors286.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors287.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors288.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors289.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors290.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors291.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors292.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors293.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors294.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors295.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors296.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors297.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors298.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors299.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors300.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors301.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors302.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors303.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors304.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors305.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors306.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors307.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors308.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors309.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors310.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors311.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors312.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors313.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors314.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors315.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors316.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors317.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors318.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors319.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors320.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors321.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors322.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors323.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors324.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors325.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors326.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors327.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors328.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors329.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors330.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors331.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors332.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors333.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors334.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors335.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors336.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors337.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors338.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors339.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors340.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors341.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors342.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors343.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors344.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors345.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors346.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors347.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors348.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors349.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors350.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors351.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors352.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors353.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors354.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors355.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors356.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors357.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors358.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors359.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors360.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors361.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors362.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors363.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors364.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors365.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors366.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors367.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors368.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors369.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors370.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors371.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors372.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors373.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors374.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors375.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors376.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors377.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors378.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors379.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors380.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors381.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors382.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors383.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors384.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors385.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors386.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors387.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors388.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors389.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors390.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors391.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors392.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors393.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors394.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors395.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors396.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors397.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors398.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors399.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors400.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors401.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors402.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors403.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors404.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors405.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors406.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors407.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors408.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors409.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors410.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors411.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors412.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors413.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors414.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors415.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors416.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors417.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors418.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors419.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors420.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors421.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors422.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors423.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors424.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors425.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors426.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors427.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors428.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors429.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors430.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors431.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors432.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors433.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors434.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors435.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors436.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors437.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors438.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors439.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors440.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors441.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors442.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors443.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors444.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors445.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors446.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors447.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors448.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors449.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors450.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors451.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors452.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors453.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors454.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors455.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors456.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors457.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors458.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors459.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors460.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors461.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors462.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors463.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors464.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors465.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors466.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors467.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors468.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors469.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors470.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors471.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors472.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors473.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors474.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors475.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors476.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors477.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors478.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors479.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors480.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors481.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors482.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors483.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors484.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors485.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors486.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors487.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors488.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors489.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors490.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors491.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors492.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors493.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors494.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors495.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors496.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors497.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors498.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors499.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors500.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors501.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors502.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors503.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors504.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors505.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors506.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors507.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors508.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors509.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors510.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors511.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors512.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors513.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors514.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors515.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors516.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors517.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors518.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors519.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors520.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors521.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors522.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors523.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors524.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors525.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors526.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors527.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors528.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors529.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors530.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors531.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors532.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors533.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors534.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors535.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors536.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors537.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors538.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors539.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors540.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors541.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors542.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors543.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors544.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors545.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors546.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors547.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors548.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors549.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors550.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors551.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors552.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors553.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors554.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors555.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors556.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors557.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors558.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors559.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors560.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors561.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors562.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors563.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors564.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors565.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors566.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors567.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors568.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors569.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors570.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors571.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors572.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors573.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors574.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors575.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors576.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors577.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors578.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors579.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors580.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors581.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors582.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors583.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors584.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors585.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors586.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors587.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors588.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors589.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors590.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors591.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors592.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors593.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors594.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors595.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors596.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors597.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors598.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors599.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors600.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors601.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors602.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors603.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors604.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors605.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors606.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors607.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors608.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors609.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors610.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors611.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors612.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors613.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors614.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors615.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors616.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors617.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors618.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors619.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors620.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors621.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors622.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors623.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors624.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors625.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors626.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors627.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors628.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors629.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors630.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors631.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors632.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors633.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors634.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors635.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors636.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors637.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors638.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors639.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors640.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors641.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors642.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors643.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors644.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors645.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors646.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors647.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors648.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors649.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors650.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors651.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors652.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors653.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors654.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors655.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors656.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors657.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors658.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors659.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors660.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors661.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors662.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors663.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors664.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors665.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors666.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors667.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors668.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors669.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors670.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors671.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors672.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors673.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors674.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors675.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors676.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors677.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors678.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors679.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors680.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors681.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors682.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors683.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors684.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors685.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors686.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors687.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors688.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors689.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors690.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors691.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors692.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors693.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors694.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors695.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors696.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors697.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors698.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors699.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors700.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors701.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors702.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors703.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors704.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors705.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors706.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors707.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors708.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors709.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors710.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors711.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors712.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors713.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors714.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors715.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors716.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors717.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors718.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors719.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors720.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors721.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors722.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors723.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors724.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors725.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors726.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors727.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors728.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors729.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors730.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors731.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors732.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors733.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors734.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors735.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors736.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors737.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors738.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors739.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors740.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors741.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors742.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors743.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors744.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors745.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors746.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors747.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors748.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors749.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors750.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors751.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors752.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors753.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors754.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors755.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors756.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors757.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors758.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors759.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors760.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors761.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors762.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors763.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors764.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors765.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors766.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors767.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors768.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors769.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors770.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors771.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors772.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors773.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors774.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors775.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors776.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors777.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors778.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors779.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors780.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors781.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors782.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors783.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors784.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors785.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors786.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors787.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors788.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors789.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors790.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors791.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors792.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors793.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors794.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors795.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors796.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors797.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors798.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors799.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors800.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors801.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors802.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors803.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors804.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors805.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors806.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors807.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors808.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors809.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors810.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors811.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors812.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors813.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors814.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors815.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors816.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors817.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors818.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors819.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors820.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors821.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors822.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors823.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors824.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors825.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors826.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors827.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors828.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors829.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors830.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors831.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors832.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors833.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors834.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors835.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors836.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors837.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors838.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors839.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors840.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors841.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors842.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors843.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors844.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors845.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors846.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors847.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors848.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors849.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors850.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors851.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors852.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors853.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors854.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors855.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors856.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors857.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors858.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors859.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors860.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors861.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors862.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors863.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors864.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors865.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors866.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors867.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors868.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors869.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors870.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors871.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors872.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors873.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors874.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors875.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors876.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors877.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors878.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors879.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors880.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors881.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors882.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors883.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors884.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors885.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors886.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors887.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors888.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors889.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors890.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors891.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors892.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors893.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors894.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors895.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors896.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors897.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors898.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors899.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors900.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors901.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors902.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors903.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors904.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors905.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors906.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors907.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors908.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors909.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors910.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors911.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors912.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors913.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors914.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors915.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors916.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors917.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors918.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors919.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors920.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors921.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors922.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors923.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors924.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors925.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors926.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors927.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors928.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors929.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors930.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors931.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors932.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors933.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors934.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors935.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors936.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors937.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors938.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors939.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors940.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors941.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors942.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors943.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors944.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors945.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors946.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors947.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors948.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors949.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors950.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors951.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors952.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors953.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors954.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors955.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors956.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors957.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors958.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors959.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors960.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors961.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors962.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors963.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors964.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors965.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors966.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors967.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors968.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors969.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors970.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors971.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors972.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors973.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors974.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors975.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors976.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors977.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors978.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors979.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors980.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors981.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors982.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors983.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors984.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors985.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors986.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors987.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors988.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors989.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors990.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors991.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors992.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors993.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors994.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors995.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors996.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors997.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors998.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors999.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1000.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1001.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1002.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1003.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1004.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1005.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1006.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1007.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1008.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1009.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1010.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1011.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1012.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1013.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1014.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1015.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1016.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1017.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1018.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1019.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1020.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1021.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1022.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1023.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1024.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1025.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1026.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1027.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1028.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1029.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1030.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1031.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1032.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1033.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1034.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1035.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1036.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1037.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1038.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1039.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1040.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1041.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1042.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1043.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1044.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1045.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1046.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1047.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1048.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1049.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1050.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1051.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1052.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1053.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1054.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1055.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1056.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1057.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1058.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1059.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1060.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1061.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1062.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1063.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1064.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1065.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1066.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1067.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1068.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1069.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1070.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1071.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1072.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1073.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1074.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1075.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1076.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1077.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1078.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1079.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1080.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1081.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1082.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1083.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1084.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1085.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1086.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1087.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1088.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1089.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1090.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1091.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1092.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1093.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1094.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1095.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1096.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1097.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1098.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1099.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1100.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1101.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1102.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1103.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1104.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1105.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1106.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1107.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1108.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1109.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1110.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1111.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1112.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1113.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1114.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1115.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1116.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1117.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1118.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1119.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1120.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1121.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1122.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1123.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1124.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1125.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1126.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1127.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1128.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1129.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1130.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1131.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1132.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1133.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1134.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1135.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1136.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1137.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1138.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1139.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1140.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1141.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1142.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1143.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1144.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1145.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1146.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1147.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1148.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1149.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1150.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1151.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1152.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1153.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1154.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1155.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1156.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1157.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1158.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1159.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1160.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1161.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1162.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1163.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1164.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1165.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1166.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1167.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1168.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1169.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1170.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1171.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1172.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1173.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1174.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1175.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1176.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1177.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1178.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1179.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1180.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1181.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1182.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1183.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1184.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1185.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1186.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1187.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1188.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1189.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1190.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1191.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1192.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1193.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1194.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1195.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1196.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1197.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1198.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1199.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1200.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1201.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1202.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1203.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1204.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1205.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1206.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1207.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1208.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1209.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1210.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1211.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1212.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1213.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1214.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1215.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1216.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1217.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1218.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1219.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1220.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1221.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1222.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1223.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1224.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1225.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1226.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1227.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1228.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1229.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1230.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1231.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1232.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1233.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1234.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1235.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1236.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1237.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1238.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1239.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1240.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1241.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1242.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1243.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1244.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1245.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1246.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1247.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1248.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1249.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1250.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1251.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1252.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1253.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1254.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1255.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1256.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1257.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1258.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1259.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1260.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1261.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1262.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1263.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1264.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1265.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1266.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1267.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1268.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1269.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1270.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1271.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1272.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1273.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1274.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1275.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1276.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1277.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1278.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1279.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1280.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1281.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1282.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1283.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1284.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1285.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1286.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1287.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1288.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1289.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1290.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1291.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1292.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1293.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1294.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1295.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1296.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1297.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1298.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1299.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1300.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1301.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1302.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1303.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1304.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1305.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1306.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1307.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1308.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1309.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1310.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1311.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1312.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1313.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1314.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1315.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1316.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1317.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1318.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1319.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1320.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1321.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1322.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1323.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1324.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1325.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1326.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1327.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1328.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1329.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1330.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1331.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1332.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1333.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1334.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1335.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1336.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1337.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1338.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1339.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1340.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1341.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1342.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1343.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1344.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1345.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1346.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1347.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1348.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1349.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1350.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1351.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1352.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1353.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1354.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1355.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1356.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1357.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1358.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1359.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1360.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1361.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1362.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1363.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1364.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1365.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1366.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1367.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1368.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1369.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1370.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1371.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1372.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1373.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1374.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1375.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1376.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1377.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1378.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1379.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1380.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1381.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1382.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1383.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1384.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1385.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1386.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1387.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1388.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1389.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1390.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1391.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1392.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1393.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1394.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1395.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1396.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1397.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1398.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1399.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1400.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1401.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1402.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1403.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1404.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1405.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1406.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1407.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1408.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1409.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1410.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1411.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1412.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1413.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1414.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1415.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1416.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1417.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1418.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1419.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1420.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1421.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1422.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1423.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1424.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1425.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1426.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1427.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1428.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1429.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1430.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1431.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1432.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1433.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1434.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1435.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1436.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1437.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1438.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1439.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1440.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1441.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1442.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1443.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1444.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1445.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1446.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1447.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1448.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1449.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1450.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1451.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1452.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1453.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1454.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1455.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1456.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1457.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1458.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1459.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1460.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1461.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1462.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1463.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1464.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1465.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1466.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1467.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1468.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1469.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1470.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1471.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1472.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1473.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1474.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1475.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1476.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1477.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1478.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1479.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1480.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1481.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1482.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1483.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1484.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1485.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1486.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1487.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1488.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1489.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1490.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1491.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1492.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1493.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1494.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1495.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1496.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1497.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1498.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1499.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1500.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1501.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1502.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1503.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1504.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1505.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1506.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1507.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1508.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1509.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1510.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1511.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1512.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1513.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1514.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1515.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1516.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1517.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1518.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1519.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1520.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1521.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1522.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1523.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1524.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1525.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1526.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1527.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1528.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1529.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1530.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1531.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1532.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1533.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1534.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1535.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1536.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1537.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1538.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1539.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1540.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1541.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1542.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1543.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1544.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1545.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1546.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1547.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1548.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1549.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1550.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1551.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1552.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1553.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1554.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1555.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1556.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1557.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1558.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1559.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1560.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1561.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1562.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1563.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1564.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.72/tensors1565.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors2.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors3.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors4.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors5.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors6.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors7.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors8.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors9.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors10.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors11.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors12.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors13.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors14.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors15.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors16.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors17.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors18.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors19.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors20.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors21.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors22.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors23.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors24.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors25.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors26.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors27.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors28.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors29.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors30.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors31.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors32.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors33.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors34.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors35.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors36.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors37.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors38.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors39.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors40.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors41.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors42.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors43.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors44.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors45.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors46.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors47.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors48.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors49.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors50.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors51.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors52.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors53.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors54.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors55.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors56.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors57.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors58.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors59.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors60.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors61.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors62.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors63.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors64.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors65.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors66.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors67.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors68.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors69.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors70.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors71.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors72.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors73.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors74.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors75.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors76.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors77.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors78.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors79.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors80.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors81.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors82.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors83.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors84.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors85.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors86.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors87.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors88.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors89.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors90.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors91.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors92.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors93.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors94.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors95.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors96.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors97.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors98.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors99.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors100.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors101.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors102.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors103.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors104.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors105.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors106.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors107.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors108.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors109.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors110.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors111.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors112.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors113.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors114.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors115.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors116.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors117.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors118.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors119.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors120.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors121.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors122.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors123.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors124.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors125.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors126.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors127.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors128.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors129.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors130.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors131.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors132.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors133.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors134.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors135.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors136.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors137.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors138.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors139.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors140.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors141.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors142.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors143.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors144.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors145.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors146.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors147.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors148.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors149.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors150.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors151.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors152.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors153.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors154.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors155.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors156.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors157.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors158.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors159.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors160.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors161.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors162.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors163.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors164.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors165.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors166.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors167.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors168.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors169.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors170.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors171.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors172.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors173.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors174.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors175.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors176.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors177.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors178.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors179.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors180.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors181.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors182.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors183.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors184.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors185.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors186.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors187.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors188.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors189.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors190.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors191.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors192.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors193.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors194.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors195.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors196.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors197.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors198.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors199.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors200.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors201.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors202.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors203.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors204.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors205.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors206.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors207.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors208.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors209.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors210.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors211.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors212.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors213.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors214.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors215.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors216.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors217.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors218.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors219.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors220.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors221.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors222.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors223.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors224.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors225.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors226.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors227.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors228.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors229.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors230.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors231.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors232.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors233.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors234.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors235.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors236.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors237.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors238.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors239.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors240.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors241.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors242.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors243.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors244.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors245.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors246.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors247.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors248.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors249.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors250.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors251.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors252.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors253.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors254.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors255.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors256.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors257.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors258.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors259.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors260.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors261.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors262.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors263.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors264.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors265.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors266.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors267.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors268.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors269.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors270.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors271.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors272.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors273.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors274.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors275.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors276.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors277.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors278.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors279.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors280.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors281.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors282.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors283.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors284.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors285.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors286.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors287.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors288.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors289.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors290.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors291.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors292.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors293.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors294.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors295.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors296.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors297.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors298.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors299.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors300.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors301.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors302.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors303.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors304.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors305.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors306.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors307.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors308.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors309.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors310.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors311.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors312.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors313.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors314.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors315.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors316.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors317.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors318.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors319.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors320.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors321.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors322.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors323.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors324.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors325.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors326.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors327.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors328.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors329.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors330.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors331.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors332.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors333.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors334.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors335.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors336.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors337.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors338.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors339.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors340.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors341.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors342.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors343.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors344.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors345.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors346.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors347.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors348.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors349.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors350.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors351.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors352.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors353.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors354.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors355.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors356.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors357.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors358.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors359.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors360.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors361.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors362.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors363.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors364.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors365.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors366.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors367.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors368.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors369.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors370.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors371.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors372.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors373.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors374.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors375.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors376.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors377.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors378.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors379.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors380.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors381.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors382.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors383.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors384.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors385.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors386.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors387.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors388.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors389.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors390.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors391.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors392.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors393.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors394.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors395.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors396.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors397.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors398.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors399.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors400.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors401.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors402.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors403.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors404.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors405.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors406.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors407.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors408.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors409.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors410.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors411.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors412.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors413.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors414.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors415.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors416.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors417.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors418.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors419.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors420.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors421.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors422.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors423.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors424.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors425.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors426.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors427.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors428.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors429.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors430.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors431.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors432.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors433.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors434.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors435.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors436.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors437.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors438.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors439.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors440.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors441.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors442.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors443.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors444.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors445.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors446.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors447.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors448.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors449.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors450.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors451.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors452.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors453.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors454.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors455.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors456.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors457.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors458.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors459.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors460.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors461.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors462.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors463.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors464.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors465.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors466.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors467.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors468.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors469.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors470.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors471.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors472.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors473.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors474.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors475.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors476.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors477.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors478.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors479.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors480.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors481.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors482.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors483.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors484.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors485.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors486.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors487.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors488.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors489.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors490.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors491.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors492.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors493.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors494.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors495.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors496.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors497.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors498.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors499.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors500.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors501.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors502.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors503.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors504.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors505.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors506.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors507.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors508.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors509.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors510.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors511.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors512.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors513.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors514.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors515.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors516.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors517.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors518.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors519.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors520.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors521.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors522.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors523.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors524.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors525.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors526.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors527.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors528.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors529.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors530.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors531.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors532.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors533.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors534.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors535.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors536.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors537.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors538.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors539.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors540.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors541.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors542.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors543.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors544.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors545.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors546.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors547.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors548.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors549.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors550.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors551.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors552.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors553.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors554.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors555.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors556.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors557.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors558.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors559.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors560.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors561.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors562.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors563.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors564.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors565.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors566.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors567.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors568.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors569.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors570.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors571.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors572.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors573.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors574.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors575.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors576.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors577.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors578.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors579.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors580.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors581.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors582.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors583.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors584.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors585.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors586.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors587.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors588.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors589.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors590.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors591.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors592.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors593.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors594.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors595.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors596.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors597.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors598.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors599.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors600.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors601.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors602.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors603.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors604.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors605.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors606.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors607.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors608.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors609.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors610.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors611.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors612.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors613.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors614.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors615.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors616.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors617.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors618.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors619.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors620.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors621.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors622.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors623.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors624.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors625.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors626.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors627.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors628.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors629.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors630.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors631.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors632.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors633.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors634.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors635.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors636.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors637.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors638.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors639.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors640.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors641.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors642.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors643.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors644.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors645.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors646.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors647.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors648.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors649.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors650.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors651.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors652.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors653.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors654.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors655.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors656.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors657.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors658.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors659.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors660.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors661.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors662.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors663.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors664.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors665.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors666.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors667.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors668.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors669.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors670.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors671.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors672.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors673.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors674.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors675.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors676.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors677.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors678.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors679.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors680.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors681.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors682.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors683.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors684.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors685.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors686.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors687.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors688.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors689.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors690.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors691.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors692.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors693.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors694.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors695.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors696.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors697.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors698.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors699.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors700.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors701.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors702.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors703.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors704.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors705.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors706.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors707.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors708.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors709.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors710.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors711.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors712.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors713.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors714.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors715.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors716.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors717.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors718.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors719.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors720.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors721.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors722.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors723.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors724.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors725.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors726.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors727.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors728.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors729.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors730.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors731.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors732.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors733.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors734.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors735.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors736.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors737.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors738.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors739.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors740.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors741.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors742.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors743.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors744.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors745.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors746.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors747.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors748.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors749.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors750.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors751.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors752.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors753.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors754.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors755.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors756.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors757.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors758.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors759.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors760.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors761.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors762.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors763.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors764.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors765.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors766.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors767.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors768.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors769.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors770.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors771.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors772.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors773.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors774.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors775.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors776.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors777.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors778.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors779.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors780.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors781.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors782.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors783.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors784.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors785.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors786.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors787.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors788.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors789.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors790.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors791.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors792.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors793.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors794.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors795.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors796.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors797.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors798.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors799.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors800.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors801.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors802.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors803.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors804.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors805.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors806.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors807.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors808.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors809.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors810.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors811.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors812.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors813.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors814.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors815.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors816.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors817.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors818.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors819.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors820.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors821.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors822.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors823.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors824.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors825.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors826.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors827.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors828.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors829.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors830.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors831.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors832.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors833.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors834.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors835.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors836.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors837.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors838.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors839.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors840.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors841.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors842.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors843.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors844.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors845.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors846.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors847.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors848.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors849.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors850.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors851.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors852.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors853.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors854.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors855.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors856.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors857.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors858.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors859.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors860.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors861.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors862.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors863.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors864.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors865.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors866.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors867.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors868.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors869.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors870.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors871.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors872.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors873.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors874.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors875.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors876.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors877.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors878.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors879.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors880.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors881.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors882.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors883.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors884.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors885.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors886.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors887.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors888.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors889.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors890.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors891.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors892.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors893.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors894.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors895.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors896.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors897.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors898.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors899.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors900.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors901.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors902.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors903.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors904.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors905.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors906.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors907.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors908.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors909.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors910.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors911.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors912.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors913.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors914.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors915.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors916.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors917.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors918.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors919.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors920.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors921.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors922.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors923.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors924.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors925.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors926.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors927.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors928.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors929.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors930.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors931.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors932.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors933.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors934.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors935.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors936.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors937.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors938.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors939.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors940.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors941.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors942.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors943.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors944.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors945.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors946.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors947.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors948.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors949.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors950.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors951.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors952.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors953.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors954.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors955.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors956.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors957.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors958.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors959.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors960.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors961.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors962.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors963.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors964.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors965.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors966.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors967.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors968.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors969.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors970.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors971.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors972.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors973.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors974.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors975.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors976.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors977.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors978.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors979.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors980.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors981.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors982.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors983.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors984.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors985.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors986.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors987.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors988.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors989.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors990.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors991.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors992.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors993.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors994.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors995.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors996.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors997.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors998.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors999.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1000.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1001.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1002.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1003.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1004.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1005.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1006.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1007.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1008.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1009.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1010.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1011.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1012.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1013.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1014.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1015.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1016.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1017.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1018.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1019.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1020.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1021.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1022.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1023.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1024.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1025.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1026.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1027.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1028.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1029.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1030.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1031.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1032.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1033.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1034.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1035.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1036.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1037.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1038.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1039.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1040.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1041.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1042.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1043.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1044.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1045.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1046.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1047.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1048.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1049.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1050.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1051.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1052.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1053.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1054.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1055.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1056.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1057.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1058.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1059.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1060.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1061.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1062.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1063.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1064.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1065.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1066.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1067.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1068.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1069.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1070.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1071.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1072.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1073.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1074.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1075.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1076.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1077.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1078.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1079.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1080.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1081.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1082.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1083.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1084.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1085.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1086.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1087.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1088.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1089.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1090.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1091.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1092.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1093.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1094.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1095.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1096.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1097.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1098.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1099.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1100.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1101.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1102.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1103.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1104.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1105.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1106.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1107.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1108.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1109.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1110.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1111.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1112.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1113.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1114.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1115.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1116.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1117.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1118.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1119.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1120.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1121.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1122.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1123.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1124.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1125.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1126.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1127.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1128.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1129.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1130.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1131.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1132.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1133.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1134.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1135.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1136.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1137.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1138.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1139.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1140.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1141.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1142.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1143.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1144.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1145.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1146.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1147.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1148.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1149.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1150.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1151.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1152.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1153.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1154.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1155.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1156.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1157.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1158.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1159.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1160.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1161.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1162.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1163.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1164.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1165.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1166.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1167.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1168.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1169.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1170.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1171.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1172.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1173.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1174.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1175.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1176.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1177.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1178.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1179.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1180.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1181.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1182.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1183.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1184.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1185.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1186.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1187.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1188.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1189.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1190.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1191.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1192.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1193.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1194.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1195.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1196.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1197.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1198.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1199.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1200.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1201.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1202.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1203.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1204.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1205.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1206.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1207.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1208.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1209.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1210.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1211.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1212.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1213.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1214.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1215.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1216.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1217.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1218.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1219.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1220.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1221.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1222.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1223.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1224.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1225.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1226.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1227.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1228.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1229.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1230.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1231.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1232.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1233.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1234.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1235.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1236.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1237.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1238.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1239.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1240.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1241.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1242.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1243.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1244.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1245.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1246.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1247.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1248.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1249.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1250.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1251.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1252.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1253.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1254.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1255.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1256.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1257.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1258.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1259.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1260.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1261.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1262.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1263.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1264.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1265.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1266.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1267.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1268.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1269.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1270.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1271.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1272.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1273.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1274.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1275.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1276.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1277.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1278.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1279.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1280.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1281.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1282.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1283.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1284.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1285.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1286.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1287.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1288.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1289.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1290.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1291.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1292.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1293.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1294.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1295.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1296.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1297.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1298.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1299.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1300.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1301.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1302.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1303.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1304.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1305.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1306.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1307.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1308.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1309.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1310.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1311.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1312.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1313.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1314.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1315.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1316.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1317.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1318.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1319.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1320.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1321.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1322.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1323.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1324.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1325.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1326.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1327.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1328.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1329.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1330.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1331.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1332.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1333.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1334.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1335.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1336.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1337.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1338.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1339.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1340.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1341.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1342.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1343.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1344.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1345.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1346.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1347.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1348.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1349.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1350.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1351.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1352.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1353.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1354.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1355.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1356.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1357.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1358.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1359.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1360.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1361.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1362.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1363.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1364.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1365.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1366.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1367.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1368.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1369.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1370.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1371.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1372.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1373.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1374.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1375.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1376.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1377.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1378.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1379.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1380.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1381.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1382.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1383.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1384.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1385.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1386.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1387.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1388.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1389.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1390.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1391.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1392.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1393.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1394.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1395.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1396.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1397.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1398.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1399.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1400.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1401.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1402.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1403.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1404.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1405.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1406.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1407.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1408.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1409.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1410.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1411.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1412.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1413.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1414.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1415.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1416.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1417.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1418.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1419.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1420.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1421.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1422.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1423.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1424.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1425.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1426.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1427.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1428.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1429.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1430.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1431.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1432.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1433.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1434.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1435.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1436.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1437.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1438.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1439.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1440.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1441.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1442.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1443.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1444.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1445.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1446.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1447.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1448.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1449.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1450.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1451.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1452.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1453.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1454.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1455.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1456.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1457.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1458.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1459.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1460.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1461.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1462.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1463.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1464.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1465.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1466.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1467.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1468.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1469.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1470.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1471.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1472.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1473.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1474.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1475.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1476.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1477.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1478.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1479.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1480.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1481.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1482.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1483.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1484.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1485.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1486.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1487.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1488.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1489.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1490.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1491.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1492.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1493.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1494.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1495.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1496.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1497.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1498.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1499.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1500.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1501.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1502.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1503.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1504.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1505.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1506.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1507.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1508.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1509.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1510.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1511.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1512.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1513.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1514.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1515.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1516.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1517.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1518.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1519.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1520.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1521.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1522.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1523.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1524.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1525.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1526.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1527.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1528.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1529.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1530.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1531.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1532.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1533.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1534.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1535.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1536.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1537.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1538.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1539.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1540.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1541.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1542.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1543.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1544.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1545.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1546.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1547.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1548.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1549.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1550.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1551.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1552.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1553.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1554.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1555.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1556.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1557.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1558.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1559.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1560.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1561.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1562.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1563.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1564.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.5492/tensors1565.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors2.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors3.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors4.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors5.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors6.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors7.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors8.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors9.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors10.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors11.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors12.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors13.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors14.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors15.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors16.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors17.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors18.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors19.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors20.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors21.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors22.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors23.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors24.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors25.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors26.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors27.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors28.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors29.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors30.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors31.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors32.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors33.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors34.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors35.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors36.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors37.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors38.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors39.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors40.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors41.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors42.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors43.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors44.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors45.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors46.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors47.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors48.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors49.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors50.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors51.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors52.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors53.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors54.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors55.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors56.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors57.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors58.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors59.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors60.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors61.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors62.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors63.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors64.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors65.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors66.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors67.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors68.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors69.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors70.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors71.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors72.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors73.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors74.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors75.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors76.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors77.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors78.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors79.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors80.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors81.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors82.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors83.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors84.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors85.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors86.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors87.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors88.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors89.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors90.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors91.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors92.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors93.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors94.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors95.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors96.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors97.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors98.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors99.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors100.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors101.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors102.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors103.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors104.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors105.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors106.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors107.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors108.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors109.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors110.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors111.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors112.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors113.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors114.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors115.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors116.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors117.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors118.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors119.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors120.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors121.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors122.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors123.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors124.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors125.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors126.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors127.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors128.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors129.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors130.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors131.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors132.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors133.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors134.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors135.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors136.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors137.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors138.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors139.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors140.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors141.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors142.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors143.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors144.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors145.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors146.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors147.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors148.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors149.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors150.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors151.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors152.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors153.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors154.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors155.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors156.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors157.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors158.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors159.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors160.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors161.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors162.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors163.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors164.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors165.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors166.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors167.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors168.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors169.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors170.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors171.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors172.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors173.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors174.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors175.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors176.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors177.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors178.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors179.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors180.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors181.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors182.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors183.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors184.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors185.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors186.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors187.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors188.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors189.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors190.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors191.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors192.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors193.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors194.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors195.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors196.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors197.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors198.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors199.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors200.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors201.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors202.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors203.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors204.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors205.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors206.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors207.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors208.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors209.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors210.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors211.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors212.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors213.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors214.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors215.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors216.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors217.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors218.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors219.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors220.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors221.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors222.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors223.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors224.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors225.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors226.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors227.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors228.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors229.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors230.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors231.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors232.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors233.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors234.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors235.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors236.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors237.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors238.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors239.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors240.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors241.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors242.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors243.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors244.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors245.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors246.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors247.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors248.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors249.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors250.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors251.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors252.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors253.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors254.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors255.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors256.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors257.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors258.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors259.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors260.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors261.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors262.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors263.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors264.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors265.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors266.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors267.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors268.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors269.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors270.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors271.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors272.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors273.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors274.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors275.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors276.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors277.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors278.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors279.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors280.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors281.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors282.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors283.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors284.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors285.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors286.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors287.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors288.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors289.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors290.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors291.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors292.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors293.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors294.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors295.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors296.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors297.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors298.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors299.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors300.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors301.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors302.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors303.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors304.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors305.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors306.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors307.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors308.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors309.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors310.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors311.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors312.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors313.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors314.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors315.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors316.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors317.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors318.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors319.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors320.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors321.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors322.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors323.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors324.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors325.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors326.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors327.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors328.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors329.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors330.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors331.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors332.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors333.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors334.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors335.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors336.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors337.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors338.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors339.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors340.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors341.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors342.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors343.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors344.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors345.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors346.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors347.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors348.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors349.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors350.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors351.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors352.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors353.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors354.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors355.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors356.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors357.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors358.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors359.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors360.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors361.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors362.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors363.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors364.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors365.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors366.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors367.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors368.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors369.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors370.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors371.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors372.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors373.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors374.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors375.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors376.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors377.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors378.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors379.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors380.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors381.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors382.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors383.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors384.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors385.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors386.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors387.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors388.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors389.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors390.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors391.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors392.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors393.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors394.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors395.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors396.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors397.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors398.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors399.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors400.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors401.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors402.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors403.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors404.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors405.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors406.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors407.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors408.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors409.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors410.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors411.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors412.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors413.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors414.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors415.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors416.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors417.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors418.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors419.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors420.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors421.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors422.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors423.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors424.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors425.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors426.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors427.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors428.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors429.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors430.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors431.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors432.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors433.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors434.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors435.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors436.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors437.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors438.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors439.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors440.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors441.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors442.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors443.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors444.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors445.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors446.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors447.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors448.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors449.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors450.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors451.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors452.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors453.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors454.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors455.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors456.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors457.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors458.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors459.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors460.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors461.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors462.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors463.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors464.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors465.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors466.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors467.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors468.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors469.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors470.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors471.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors472.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors473.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors474.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors475.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors476.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors477.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors478.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors479.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors480.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors481.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors482.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors483.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors484.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors485.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors486.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors487.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors488.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors489.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors490.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors491.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors492.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors493.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors494.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors495.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors496.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors497.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors498.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors499.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors500.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors501.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors502.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors503.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors504.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors505.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors506.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors507.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors508.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors509.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors510.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors511.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors512.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors513.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors514.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors515.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors516.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors517.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors518.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors519.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors520.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors521.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors522.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors523.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors524.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors525.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors526.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors527.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors528.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors529.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors530.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors531.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors532.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors533.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors534.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors535.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors536.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors537.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors538.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors539.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors540.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors541.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors542.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors543.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors544.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors545.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors546.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors547.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors548.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors549.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors550.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors551.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors552.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors553.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors554.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors555.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors556.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors557.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors558.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors559.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors560.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors561.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors562.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors563.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors564.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors565.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors566.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors567.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors568.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors569.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors570.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors571.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors572.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors573.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors574.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors575.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors576.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors577.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors578.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors579.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors580.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors581.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors582.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors583.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors584.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors585.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors586.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors587.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors588.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors589.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors590.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors591.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors592.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors593.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors594.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors595.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors596.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors597.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors598.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors599.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors600.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors601.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors602.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors603.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors604.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors605.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors606.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors607.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors608.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors609.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors610.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors611.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors612.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors613.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors614.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors615.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors616.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors617.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors618.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors619.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors620.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors621.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors622.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors623.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors624.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors625.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors626.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors627.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors628.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors629.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors630.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors631.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors632.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors633.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors634.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors635.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors636.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors637.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors638.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors639.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors640.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors641.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors642.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors643.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors644.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors645.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors646.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors647.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors648.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors649.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors650.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors651.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors652.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors653.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors654.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors655.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors656.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors657.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors658.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors659.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors660.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors661.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors662.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors663.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors664.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors665.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors666.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors667.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors668.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors669.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors670.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors671.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors672.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors673.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors674.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors675.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors676.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors677.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors678.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors679.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors680.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors681.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors682.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors683.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors684.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors685.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors686.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors687.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors688.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors689.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors690.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors691.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors692.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors693.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors694.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors695.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors696.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors697.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors698.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors699.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors700.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors701.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors702.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors703.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors704.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors705.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors706.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors707.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors708.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors709.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors710.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors711.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors712.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors713.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors714.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors715.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors716.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors717.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors718.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors719.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors720.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors721.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors722.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors723.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors724.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors725.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors726.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors727.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors728.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors729.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors730.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors731.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors732.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors733.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors734.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors735.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors736.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors737.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors738.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors739.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors740.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors741.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors742.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors743.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors744.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors745.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors746.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors747.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors748.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors749.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors750.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors751.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors752.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors753.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors754.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors755.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors756.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors757.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors758.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors759.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors760.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors761.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors762.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors763.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors764.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors765.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors766.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors767.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors768.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors769.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors770.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors771.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors772.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors773.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors774.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors775.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors776.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors777.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors778.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors779.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors780.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors781.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors782.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors783.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors784.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors785.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors786.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors787.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors788.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors789.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors790.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors791.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors792.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors793.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors794.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors795.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors796.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors797.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors798.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors799.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors800.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors801.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors802.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors803.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors804.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors805.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors806.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors807.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors808.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors809.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors810.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors811.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors812.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors813.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors814.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors815.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors816.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors817.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors818.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors819.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors820.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors821.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors822.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors823.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors824.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors825.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors826.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors827.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors828.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors829.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors830.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors831.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors832.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors833.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors834.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors835.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors836.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors837.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors838.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors839.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors840.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors841.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors842.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors843.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors844.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors845.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors846.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors847.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors848.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors849.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors850.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors851.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors852.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors853.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors854.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors855.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors856.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors857.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors858.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors859.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors860.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors861.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors862.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors863.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors864.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors865.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors866.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors867.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors868.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors869.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors870.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors871.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors872.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors873.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors874.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors875.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors876.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors877.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors878.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors879.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors880.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors881.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors882.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors883.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors884.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors885.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors886.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors887.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors888.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors889.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors890.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors891.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors892.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors893.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors894.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors895.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors896.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors897.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors898.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors899.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors900.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors901.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors902.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors903.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors904.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors905.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors906.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors907.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors908.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors909.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors910.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors911.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors912.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors913.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors914.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors915.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors916.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors917.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors918.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors919.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors920.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors921.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors922.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors923.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors924.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors925.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors926.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors927.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors928.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors929.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors930.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors931.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors932.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors933.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors934.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors935.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors936.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors937.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors938.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors939.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors940.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors941.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors942.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors943.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors944.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors945.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors946.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors947.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors948.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors949.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors950.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors951.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors952.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors953.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors954.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors955.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors956.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors957.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors958.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors959.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors960.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors961.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors962.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors963.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors964.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors965.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors966.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors967.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors968.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors969.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors970.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors971.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors972.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors973.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors974.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors975.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors976.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors977.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors978.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors979.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors980.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors981.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors982.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors983.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors984.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors985.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors986.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors987.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors988.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors989.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors990.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors991.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors992.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors993.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors994.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors995.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors996.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors997.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors998.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors999.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1000.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1001.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1002.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1003.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1004.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1005.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1006.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1007.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1008.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1009.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1010.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1011.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1012.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1013.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1014.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1015.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1016.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1017.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1018.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1019.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1020.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1021.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1022.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1023.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1024.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1025.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1026.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1027.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1028.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1029.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1030.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1031.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1032.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1033.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1034.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1035.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1036.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1037.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1038.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1039.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1040.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1041.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1042.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1043.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1044.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1045.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1046.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1047.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1048.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1049.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1050.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1051.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1052.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1053.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1054.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1055.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1056.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1057.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1058.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1059.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1060.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1061.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1062.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1063.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1064.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1065.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1066.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1067.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1068.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1069.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1070.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1071.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1072.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1073.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1074.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1075.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1076.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1077.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1078.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1079.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1080.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1081.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1082.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1083.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1084.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1085.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1086.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1087.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1088.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1089.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1090.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1091.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1092.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1093.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1094.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1095.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1096.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1097.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1098.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1099.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1100.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1101.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1102.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1103.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1104.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1105.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1106.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1107.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1108.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1109.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1110.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1111.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1112.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1113.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1114.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1115.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1116.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1117.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1118.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1119.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1120.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1121.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1122.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1123.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1124.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1125.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1126.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1127.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1128.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1129.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1130.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1131.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1132.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1133.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1134.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1135.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1136.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1137.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1138.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1139.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1140.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1141.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1142.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1143.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1144.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1145.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1146.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1147.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1148.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1149.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1150.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1151.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1152.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1153.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1154.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1155.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1156.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1157.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1158.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1159.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1160.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1161.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1162.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1163.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1164.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1165.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1166.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1167.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1168.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1169.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1170.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1171.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1172.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1173.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1174.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1175.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1176.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1177.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1178.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1179.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1180.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1181.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1182.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1183.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1184.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1185.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1186.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1187.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1188.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1189.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1190.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1191.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1192.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1193.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1194.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1195.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1196.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1197.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1198.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1199.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1200.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1201.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1202.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1203.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1204.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1205.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1206.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1207.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1208.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1209.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1210.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1211.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1212.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1213.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1214.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1215.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1216.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1217.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1218.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1219.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1220.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1221.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1222.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1223.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1224.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1225.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1226.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1227.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1228.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1229.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1230.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1231.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1232.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1233.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1234.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1235.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1236.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1237.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1238.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1239.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1240.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1241.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1242.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1243.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1244.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1245.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1246.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1247.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1248.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1249.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1250.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1251.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1252.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1253.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1254.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1255.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1256.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1257.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1258.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1259.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1260.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1261.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1262.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1263.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1264.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1265.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1266.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1267.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1268.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1269.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1270.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1271.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1272.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1273.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1274.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1275.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1276.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1277.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1278.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1279.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1280.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1281.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1282.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1283.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1284.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1285.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1286.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1287.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1288.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1289.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1290.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1291.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1292.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1293.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1294.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1295.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1296.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1297.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1298.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1299.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1300.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1301.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1302.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1303.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1304.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1305.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1306.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1307.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1308.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1309.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1310.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1311.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1312.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1313.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1314.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1315.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1316.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1317.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1318.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1319.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1320.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1321.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1322.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1323.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1324.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1325.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1326.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1327.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1328.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1329.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1330.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1331.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1332.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1333.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1334.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1335.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1336.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1337.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1338.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1339.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1340.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1341.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1342.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1343.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1344.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1345.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1346.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1347.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1348.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1349.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1350.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1351.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1352.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1353.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1354.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1355.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1356.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1357.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1358.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1359.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1360.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1361.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1362.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1363.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1364.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1365.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1366.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1367.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1368.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1369.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1370.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1371.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1372.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1373.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1374.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1375.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1376.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1377.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1378.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1379.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1380.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1381.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1382.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1383.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1384.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1385.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1386.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1387.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1388.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1389.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1390.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1391.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1392.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1393.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1394.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1395.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1396.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1397.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1398.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1399.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1400.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1401.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1402.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1403.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1404.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1405.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1406.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1407.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1408.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1409.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1410.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1411.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1412.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1413.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1414.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1415.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1416.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1417.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1418.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1419.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1420.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1421.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1422.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1423.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1424.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1425.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1426.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1427.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1428.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1429.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1430.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1431.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1432.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1433.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1434.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1435.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1436.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1437.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1438.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1439.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1440.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1441.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1442.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1443.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1444.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1445.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1446.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1447.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1448.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1449.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1450.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1451.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1452.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1453.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1454.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1455.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1456.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1457.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1458.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1459.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1460.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1461.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1462.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1463.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1464.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1465.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1466.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1467.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1468.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1469.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1470.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1471.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1472.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1473.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1474.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1475.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1476.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1477.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1478.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1479.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1480.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1481.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1482.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1483.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1484.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1485.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1486.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1487.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1488.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1489.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1490.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1491.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1492.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1493.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1494.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1495.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1496.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1497.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1498.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1499.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1500.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1501.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1502.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1503.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1504.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1505.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1506.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1507.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1508.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1509.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1510.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1511.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1512.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1513.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1514.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1515.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1516.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1517.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1518.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1519.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1520.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1521.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1522.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1523.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1524.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1525.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1526.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1527.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1528.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1529.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1530.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1531.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1532.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1533.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1534.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1535.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1536.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1537.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1538.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1539.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1540.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1541.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1542.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1543.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1544.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1545.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1546.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1547.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1548.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1549.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1550.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1551.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1552.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1553.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1554.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1555.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1556.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1557.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1558.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1559.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1560.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1561.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1562.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1563.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1564.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8050757.4418/tensors1565.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors2.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors3.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors4.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors5.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors6.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors7.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors8.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors9.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors10.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors11.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors12.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors13.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors14.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors15.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors16.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors17.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors18.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors19.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors20.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors21.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors22.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors23.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors24.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors25.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors26.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors27.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors28.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors29.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors30.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors31.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors32.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors33.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors34.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors35.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors36.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors37.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors38.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors39.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors40.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors41.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors42.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors43.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors44.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors45.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors46.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors47.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors48.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors49.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors50.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors51.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors52.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors53.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors54.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors55.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors56.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors57.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors58.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors59.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors60.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors61.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors62.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors63.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors64.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors65.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors66.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors67.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors68.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors69.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors70.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors71.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors72.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors73.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors74.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors75.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors76.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors77.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors78.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors79.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors80.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors81.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors82.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors83.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors84.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors85.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors86.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors87.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors88.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors89.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors90.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors91.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors92.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors93.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors94.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors95.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors96.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors97.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors98.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors99.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors100.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors101.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors102.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors103.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors104.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors105.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors106.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors107.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors108.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors109.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors110.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors111.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors112.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors113.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors114.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors115.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors116.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors117.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors118.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors119.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors120.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors121.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors122.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors123.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors124.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors125.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors126.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors127.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors128.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors129.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors130.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors131.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors132.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors133.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors134.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors135.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors136.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors137.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors138.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors139.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors140.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors141.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors142.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors143.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors144.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors145.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors146.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors147.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors148.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors149.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors150.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors151.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors152.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors153.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors154.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors155.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors156.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors157.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors158.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors159.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors160.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors161.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors162.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors163.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors164.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors165.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors166.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors167.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors168.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors169.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors170.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors171.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors172.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors173.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors174.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors175.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors176.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors177.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors178.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors179.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors180.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors181.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors182.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors183.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors184.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors185.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors186.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors187.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors188.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors189.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors190.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors191.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors192.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors193.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors194.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors195.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors196.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors197.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors198.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors199.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors200.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors201.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors202.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors203.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors204.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors205.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors206.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors207.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors208.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors209.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors210.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors211.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors212.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors213.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors214.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors215.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors216.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors217.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors218.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors219.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors220.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors221.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors222.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors223.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors224.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors225.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors226.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors227.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors228.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors229.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors230.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors231.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors232.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors233.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors234.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors235.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors236.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors237.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors238.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors239.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors240.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors241.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors242.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors243.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors244.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors245.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors246.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors247.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors248.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors249.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors250.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors251.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors252.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors253.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors254.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors255.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors256.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors257.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors258.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors259.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors260.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors261.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors262.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors263.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors264.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors265.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors266.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors267.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors268.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors269.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors270.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors271.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors272.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors273.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors274.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors275.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors276.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors277.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors278.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors279.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors280.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors281.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors282.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors283.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors284.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors285.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors286.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors287.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors288.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors289.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors290.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors291.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors292.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors293.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors294.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors295.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors296.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors297.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors298.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors299.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors300.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors301.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors302.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors303.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors304.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors305.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors306.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors307.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors308.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors309.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors310.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors311.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors312.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors313.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors314.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors315.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors316.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors317.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors318.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors319.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors320.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors321.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors322.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors323.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors324.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors325.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors326.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors327.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors328.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors329.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors330.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors331.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors332.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors333.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors334.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors335.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors336.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors337.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors338.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors339.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors340.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors341.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors342.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors343.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors344.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors345.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors346.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors347.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors348.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors349.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors350.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors351.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors352.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors353.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors354.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors355.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors356.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors357.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors358.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors359.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors360.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors361.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors362.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors363.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors364.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors365.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors366.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors367.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors368.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors369.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors370.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors371.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors372.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors373.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors374.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors375.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors376.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors377.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors378.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors379.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors380.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors381.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors382.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors383.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors384.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors385.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors386.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors387.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors388.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors389.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors390.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors391.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors392.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors393.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors394.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors395.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors396.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors397.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors398.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors399.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors400.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors401.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors402.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors403.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors404.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors405.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors406.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors407.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors408.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors409.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors410.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors411.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors412.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors413.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors414.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors415.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors416.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors417.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors418.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors419.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors420.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors421.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors422.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors423.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors424.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors425.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors426.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors427.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors428.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors429.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors430.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors431.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors432.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors433.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors434.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors435.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors436.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors437.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors438.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors439.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors440.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors441.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors442.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors443.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors444.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors445.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors446.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors447.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors448.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors449.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors450.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors451.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors452.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors453.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors454.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors455.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors456.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors457.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors458.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors459.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors460.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors461.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors462.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors463.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors464.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors465.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors466.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors467.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors468.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors469.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors470.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors471.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors472.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors473.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors474.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors475.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors476.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors477.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors478.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors479.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors480.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors481.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors482.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors483.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors484.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors485.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors486.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors487.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors488.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors489.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors490.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors491.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors492.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors493.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors494.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors495.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors496.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors497.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors498.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors499.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors500.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors501.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors502.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors503.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors504.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors505.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors506.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors507.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors508.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors509.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors510.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors511.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors512.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors513.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors514.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors515.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors516.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors517.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors518.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors519.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors520.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors521.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors522.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors523.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors524.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors525.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors526.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors527.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors528.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors529.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors530.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors531.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors532.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors533.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors534.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors535.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors536.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors537.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors538.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors539.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors540.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors541.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors542.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors543.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors544.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors545.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors546.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors547.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors548.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors549.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors550.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors551.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors552.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors553.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors554.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors555.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors556.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors557.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors558.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors559.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors560.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors561.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors562.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors563.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors564.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors565.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors566.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors567.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors568.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors569.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors570.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors571.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors572.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors573.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors574.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors575.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors576.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors577.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors578.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors579.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors580.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors581.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors582.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors583.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors584.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors585.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors586.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors587.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors588.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors589.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors590.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors591.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors592.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors593.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors594.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors595.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors596.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors597.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors598.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors599.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors600.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors601.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors602.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors603.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors604.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors605.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors606.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors607.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors608.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors609.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors610.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors611.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors612.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors613.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors614.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors615.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors616.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors617.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors618.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors619.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors620.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors621.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors622.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors623.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors624.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors625.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors626.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors627.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors628.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors629.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors630.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors631.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors632.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors633.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors634.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors635.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors636.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors637.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors638.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors639.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors640.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors641.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors642.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors643.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors644.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors645.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors646.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors647.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors648.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors649.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors650.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors651.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors652.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors653.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors654.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors655.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors656.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors657.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors658.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors659.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors660.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors661.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors662.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors663.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors664.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors665.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors666.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors667.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors668.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors669.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors670.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors671.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors672.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors673.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors674.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors675.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors676.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors677.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors678.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors679.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors680.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors681.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors682.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors683.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors684.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors685.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors686.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors687.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors688.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors689.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors690.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors691.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors692.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors693.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors694.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors695.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors696.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors697.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors698.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors699.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors700.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors701.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors702.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors703.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors704.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors705.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors706.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors707.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors708.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors709.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors710.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors711.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors712.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors713.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors714.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors715.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors716.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors717.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors718.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors719.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors720.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors721.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors722.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors723.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors724.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors725.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors726.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors727.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors728.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors729.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors730.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors731.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors732.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors733.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors734.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors735.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors736.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors737.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors738.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors739.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors740.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors741.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors742.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors743.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors744.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors745.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors746.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors747.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors748.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors749.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors750.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors751.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors752.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors753.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors754.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors755.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors756.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors757.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors758.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors759.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors760.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors761.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors762.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors763.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors764.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors765.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors766.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors767.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors768.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors769.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors770.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors771.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors772.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors773.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors774.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors775.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors776.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors777.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors778.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors779.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors780.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors781.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors782.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors783.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors784.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors785.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors786.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors787.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors788.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors789.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors790.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors791.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors792.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors793.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors794.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors795.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors796.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors797.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors798.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors799.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors800.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors801.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors802.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors803.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors804.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors805.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors806.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors807.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors808.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors809.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors810.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors811.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors812.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors813.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors814.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors815.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors816.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors817.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors818.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors819.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors820.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors821.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors822.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors823.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors824.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors825.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors826.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors827.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors828.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors829.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors830.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors831.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors832.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors833.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors834.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors835.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors836.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors837.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors838.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors839.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors840.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors841.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors842.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors843.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors844.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors845.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors846.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors847.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors848.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors849.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors850.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors851.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors852.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors853.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors854.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors855.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors856.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors857.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors858.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors859.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors860.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors861.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors862.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors863.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors864.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors865.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors866.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors867.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors868.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors869.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors870.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors871.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors872.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors873.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors874.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors875.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors876.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors877.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors878.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors879.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors880.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors881.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors882.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors883.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors884.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors885.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors886.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors887.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors888.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors889.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors890.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors891.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors892.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors893.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors894.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors895.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors896.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors897.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors898.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors899.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors900.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors901.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors902.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors903.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors904.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors905.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors906.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors907.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors908.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors909.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors910.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors911.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors912.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors913.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors914.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors915.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors916.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors917.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors918.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors919.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors920.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors921.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors922.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors923.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors924.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors925.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors926.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors927.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors928.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors929.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors930.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors931.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors932.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors933.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors934.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors935.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors936.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors937.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors938.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors939.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors940.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors941.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors942.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors943.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors944.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors945.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors946.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors947.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors948.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors949.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors950.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors951.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors952.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors953.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors954.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors955.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors956.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors957.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors958.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors959.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors960.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors961.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors962.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors963.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors964.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors965.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors966.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors967.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors968.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors969.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors970.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors971.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors972.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors973.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors974.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors975.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors976.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors977.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors978.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors979.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors980.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors981.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors982.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors983.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors984.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors985.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors986.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors987.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors988.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors989.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors990.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors991.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors992.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors993.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors994.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors995.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors996.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors997.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors998.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors999.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1000.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1001.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1002.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1003.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1004.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1005.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1006.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1007.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1008.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1009.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1010.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1011.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1012.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1013.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1014.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1015.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1016.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1017.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1018.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1019.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1020.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1021.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1022.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1023.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1024.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1025.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1026.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1027.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1028.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1029.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1030.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1031.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1032.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1033.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1034.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1035.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1036.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1037.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1038.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1039.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1040.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1041.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1042.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1043.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1044.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1045.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1046.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1047.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1048.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1049.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1050.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1051.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1052.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1053.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1054.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1055.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1056.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1057.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1058.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1059.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1060.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1061.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1062.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1063.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1064.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1065.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1066.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1067.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1068.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1069.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1070.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1071.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1072.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1073.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1074.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1075.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1076.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1077.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1078.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1079.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1080.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1081.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1082.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1083.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1084.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1085.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1086.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1087.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1088.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1089.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1090.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1091.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1092.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1093.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1094.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1095.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1096.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1097.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1098.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1099.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1100.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1101.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1102.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1103.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1104.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1105.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1106.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1107.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1108.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1109.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1110.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1111.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1112.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1113.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1114.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1115.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1116.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1117.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1118.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1119.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1120.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1121.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1122.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1123.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1124.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1125.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1126.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1127.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1128.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1129.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1130.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1131.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1132.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1133.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1134.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1135.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1136.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1137.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1138.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1139.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1140.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1141.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1142.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1143.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1144.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1145.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1146.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1147.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1148.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1149.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1150.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1151.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1152.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1153.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1154.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1155.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1156.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1157.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1158.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1159.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1160.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1161.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1162.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1163.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1164.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1165.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1166.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1167.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1168.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1169.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1170.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1171.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1172.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1173.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1174.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1175.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1176.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1177.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1178.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1179.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1180.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1181.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1182.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1183.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1184.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1185.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1186.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1187.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1188.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1189.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1190.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1191.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1192.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1193.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1194.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1195.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1196.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1197.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1198.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1199.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1200.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1201.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1202.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1203.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1204.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1205.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1206.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1207.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1208.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1209.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1210.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1211.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1212.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1213.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1214.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1215.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1216.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1217.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1218.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1219.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1220.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1221.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1222.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1223.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1224.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1225.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1226.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1227.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1228.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1229.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1230.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1231.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1232.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1233.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1234.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1235.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1236.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1237.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1238.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1239.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1240.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1241.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1242.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1243.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1244.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1245.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1246.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1247.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1248.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1249.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1250.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1251.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1252.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1253.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1254.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1255.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1256.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1257.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1258.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1259.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1260.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1261.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1262.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1263.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1264.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1265.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1266.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1267.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1268.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1269.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1270.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1271.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1272.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1273.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1274.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1275.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1276.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1277.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1278.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1279.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1280.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1281.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1282.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1283.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1284.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1285.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1286.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1287.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1288.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1289.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1290.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1291.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1292.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1293.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1294.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1295.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1296.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1297.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1298.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1299.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1300.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1301.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1302.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1303.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1304.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1305.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1306.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1307.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1308.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1309.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1310.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1311.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1312.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1313.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1314.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1315.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1316.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1317.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1318.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1319.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1320.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1321.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1322.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1323.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1324.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1325.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1326.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1327.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1328.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1329.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1330.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1331.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1332.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1333.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1334.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1335.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1336.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1337.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1338.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1339.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1340.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1341.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1342.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1343.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1344.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1345.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1346.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1347.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1348.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1349.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1350.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1351.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1352.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1353.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1354.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1355.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1356.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1357.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1358.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1359.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1360.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1361.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1362.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1363.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1364.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1365.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1366.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1367.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1368.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1369.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1370.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1371.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1372.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1373.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1374.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1375.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1376.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1377.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1378.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1379.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1380.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1381.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1382.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1383.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1384.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1385.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1386.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1387.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1388.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1389.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1390.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1391.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1392.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1393.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1394.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1395.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1396.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1397.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1398.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1399.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1400.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1401.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1402.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1403.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1404.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1405.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1406.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1407.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1408.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1409.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1410.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1411.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1412.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1413.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1414.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1415.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1416.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1417.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1418.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1419.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1420.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1421.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1422.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1423.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1424.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1425.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1426.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1427.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1428.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1429.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1430.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1431.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1432.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1433.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1434.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1435.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1436.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1437.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1438.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1439.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1440.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1441.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1442.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1443.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1444.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1445.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1446.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1447.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1448.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1449.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1450.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1451.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1452.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1453.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1454.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1455.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1456.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1457.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1458.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1459.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1460.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1461.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1462.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1463.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1464.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1465.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1466.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1467.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1468.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1469.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1470.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1471.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1472.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1473.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1474.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1475.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1476.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1477.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1478.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1479.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1480.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1481.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1482.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1483.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1484.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1485.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1486.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1487.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1488.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1489.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1490.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1491.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1492.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1493.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1494.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1495.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1496.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1497.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1498.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1499.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1500.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1501.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1502.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1503.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1504.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1505.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1506.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1507.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1508.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1509.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1510.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1511.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1512.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1513.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1514.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1515.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1516.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1517.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1518.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1519.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1520.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1521.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1522.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1523.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1524.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1525.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1526.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1527.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1528.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1529.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1530.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1531.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1532.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1533.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1534.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1535.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1536.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1537.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1538.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1539.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1540.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1541.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1542.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1543.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1544.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1545.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1546.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1547.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1548.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1549.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1550.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1551.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1552.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1553.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1554.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1555.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1556.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1557.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1558.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1559.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1560.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1561.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1562.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1563.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1564.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Nine West/8077090.687/tensors1565.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors2.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors3.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors4.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors5.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors6.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors7.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors8.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors9.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors10.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors11.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors12.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors13.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors14.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors15.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors16.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors17.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors18.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors19.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors20.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors21.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors22.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors23.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors24.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors25.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors26.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors27.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors28.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors29.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors30.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors31.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors32.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors33.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors34.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors35.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors36.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors37.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors38.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors39.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors40.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors41.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors42.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors43.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors44.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors45.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors46.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors47.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors48.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors49.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors50.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors51.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors52.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors53.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors54.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors55.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors56.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors57.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors58.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors59.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors60.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors61.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors62.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors63.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors64.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors65.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors66.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors67.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors68.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors69.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors70.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors71.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors72.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors73.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors74.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors75.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors76.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors77.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors78.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors79.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors80.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors81.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors82.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors83.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors84.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors85.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors86.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors87.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors88.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors89.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors90.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors91.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors92.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors93.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors94.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors95.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors96.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors97.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors98.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors99.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors100.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors101.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors102.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors103.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors104.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors105.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors106.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors107.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors108.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors109.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors110.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors111.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors112.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors113.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors114.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors115.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors116.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors117.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors118.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors119.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors120.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors121.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors122.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors123.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors124.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors125.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors126.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors127.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors128.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors129.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors130.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors131.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors132.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors133.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors134.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors135.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors136.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors137.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors138.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors139.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors140.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors141.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors142.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors143.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors144.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors145.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors146.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors147.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors148.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors149.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors150.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors151.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors152.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors153.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors154.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors155.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors156.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors157.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors158.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors159.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors160.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors161.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors162.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors163.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors164.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors165.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors166.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors167.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors168.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors169.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors170.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors171.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors172.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors173.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors174.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors175.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors176.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors177.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors178.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors179.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors180.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors181.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors182.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors183.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors184.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors185.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors186.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors187.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors188.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors189.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors190.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors191.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors192.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors193.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors194.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors195.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors196.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors197.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors198.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors199.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors200.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors201.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors202.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors203.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors204.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors205.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors206.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors207.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors208.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors209.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors210.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors211.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors212.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors213.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors214.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors215.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors216.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors217.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors218.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors219.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors220.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors221.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors222.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors223.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors224.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors225.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors226.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors227.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors228.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors229.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors230.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors231.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors232.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors233.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors234.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors235.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors236.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors237.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors238.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors239.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors240.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors241.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors242.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors243.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors244.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors245.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors246.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors247.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors248.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors249.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors250.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors251.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors252.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors253.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors254.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors255.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors256.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors257.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors258.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors259.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors260.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors261.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors262.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors263.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors264.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors265.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors266.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors267.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors268.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors269.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors270.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors271.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors272.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors273.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors274.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors275.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors276.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors277.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors278.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors279.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors280.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors281.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors282.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors283.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors284.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors285.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors286.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors287.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors288.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors289.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors290.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors291.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors292.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors293.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors294.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors295.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors296.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors297.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors298.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors299.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors300.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors301.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors302.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors303.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors304.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors305.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors306.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors307.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors308.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors309.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors310.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors311.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors312.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors313.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors314.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors315.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors316.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors317.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors318.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors319.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors320.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors321.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors322.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors323.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors324.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors325.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors326.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors327.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors328.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors329.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors330.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors331.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors332.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors333.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors334.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors335.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors336.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors337.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors338.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors339.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors340.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors341.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors342.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors343.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors344.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors345.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors346.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors347.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors348.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors349.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors350.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors351.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors352.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors353.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors354.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors355.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors356.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors357.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors358.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors359.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors360.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors361.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors362.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors363.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors364.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors365.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors366.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors367.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors368.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors369.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors370.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors371.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors372.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors373.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors374.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors375.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors376.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors377.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors378.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors379.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors380.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors381.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors382.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors383.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors384.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors385.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors386.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors387.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors388.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors389.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors390.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors391.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors392.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors393.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors394.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors395.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors396.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors397.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors398.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors399.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors400.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors401.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors402.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors403.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors404.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors405.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors406.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors407.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors408.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors409.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors410.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors411.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors412.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors413.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors414.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors415.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors416.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors417.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors418.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors419.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors420.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors421.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors422.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors423.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors424.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors425.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors426.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors427.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors428.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors429.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors430.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors431.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors432.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors433.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors434.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors435.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors436.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors437.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors438.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors439.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors440.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors441.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors442.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors443.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors444.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors445.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors446.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors447.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors448.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors449.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors450.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors451.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors452.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors453.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors454.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors455.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors456.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors457.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors458.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors459.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors460.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors461.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors462.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors463.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors464.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors465.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors466.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors467.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors468.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors469.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors470.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors471.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors472.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors473.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors474.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors475.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors476.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors477.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors478.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors479.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors480.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors481.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors482.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors483.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors484.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors485.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors486.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors487.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors488.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors489.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors490.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors491.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors492.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors493.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors494.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors495.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors496.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors497.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors498.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors499.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors500.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors501.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors502.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors503.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors504.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors505.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors506.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors507.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors508.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors509.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors510.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors511.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors512.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors513.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors514.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors515.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors516.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors517.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors518.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors519.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors520.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors521.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors522.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors523.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors524.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors525.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors526.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors527.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors528.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors529.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors530.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors531.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors532.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors533.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors534.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors535.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors536.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors537.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors538.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors539.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors540.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors541.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors542.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors543.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors544.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors545.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors546.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors547.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors548.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors549.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors550.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors551.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors552.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors553.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors554.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors555.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors556.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors557.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors558.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors559.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors560.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors561.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors562.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors563.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors564.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors565.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors566.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors567.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors568.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors569.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors570.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors571.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors572.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors573.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors574.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors575.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors576.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors577.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors578.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors579.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors580.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors581.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors582.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors583.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors584.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors585.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors586.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors587.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors588.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors589.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors590.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors591.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors592.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors593.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors594.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors595.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors596.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors597.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors598.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors599.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors600.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors601.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors602.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors603.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors604.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors605.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors606.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors607.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors608.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors609.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors610.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors611.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors612.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors613.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors614.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors615.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors616.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors617.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors618.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors619.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors620.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors621.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors622.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors623.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors624.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors625.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors626.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors627.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors628.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors629.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors630.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors631.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors632.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors633.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors634.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors635.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors636.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors637.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors638.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors639.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors640.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors641.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors642.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors643.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors644.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors645.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors646.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors647.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors648.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors649.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors650.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors651.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors652.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors653.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors654.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors655.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors656.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors657.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors658.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors659.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors660.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors661.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors662.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors663.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors664.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors665.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors666.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors667.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors668.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors669.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors670.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors671.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors672.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors673.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors674.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors675.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors676.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors677.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors678.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors679.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors680.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors681.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors682.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors683.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors684.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors685.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors686.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors687.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors688.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors689.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors690.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors691.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors692.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors693.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors694.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors695.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors696.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors697.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors698.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors699.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors700.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors701.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors702.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors703.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors704.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors705.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors706.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors707.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors708.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors709.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors710.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors711.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors712.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors713.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors714.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors715.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors716.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors717.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors718.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors719.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors720.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors721.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors722.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors723.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors724.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors725.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors726.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors727.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors728.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors729.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors730.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors731.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors732.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors733.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors734.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors735.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors736.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors737.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors738.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors739.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors740.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors741.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors742.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors743.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors744.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors745.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors746.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors747.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors748.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors749.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors750.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors751.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors752.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors753.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors754.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors755.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors756.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors757.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors758.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors759.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors760.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors761.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors762.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors763.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors764.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors765.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors766.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors767.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors768.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors769.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors770.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors771.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors772.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors773.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors774.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors775.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors776.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors777.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors778.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors779.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors780.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors781.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors782.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors783.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors784.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors785.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors786.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors787.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors788.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors789.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors790.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors791.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors792.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors793.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors794.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors795.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors796.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors797.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors798.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors799.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors800.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors801.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors802.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors803.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors804.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors805.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors806.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors807.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors808.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors809.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors810.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors811.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors812.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors813.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors814.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors815.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors816.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors817.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors818.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors819.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors820.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors821.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors822.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors823.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors824.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors825.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors826.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors827.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors828.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors829.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors830.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors831.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors832.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors833.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors834.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors835.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors836.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors837.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors838.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors839.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors840.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors841.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors842.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors843.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors844.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors845.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors846.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors847.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors848.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors849.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors850.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors851.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors852.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors853.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors854.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors855.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors856.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors857.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors858.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors859.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors860.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors861.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors862.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors863.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors864.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors865.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors866.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors867.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors868.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors869.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors870.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors871.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors872.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors873.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors874.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors875.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors876.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors877.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors878.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors879.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors880.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors881.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors882.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors883.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors884.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors885.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors886.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors887.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors888.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors889.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors890.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors891.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors892.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors893.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors894.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors895.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors896.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors897.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors898.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors899.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors900.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors901.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors902.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors903.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors904.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors905.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors906.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors907.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors908.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors909.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors910.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors911.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors912.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors913.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors914.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors915.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors916.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors917.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors918.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors919.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors920.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors921.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors922.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors923.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors924.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors925.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors926.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors927.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors928.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors929.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors930.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors931.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors932.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors933.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors934.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors935.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors936.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors937.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors938.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors939.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors940.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors941.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors942.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors943.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors944.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors945.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors946.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors947.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors948.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors949.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors950.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors951.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors952.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors953.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors954.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors955.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors956.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors957.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors958.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors959.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors960.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors961.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors962.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors963.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors964.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors965.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors966.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors967.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors968.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors969.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors970.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors971.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors972.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors973.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors974.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors975.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors976.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors977.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors978.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors979.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors980.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors981.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors982.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors983.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors984.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors985.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors986.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors987.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors988.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors989.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors990.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors991.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors992.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors993.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors994.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors995.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors996.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors997.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors998.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors999.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1000.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1001.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1002.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1003.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1004.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1005.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1006.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1007.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1008.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1009.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1010.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1011.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1012.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1013.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1014.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1015.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1016.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1017.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1018.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1019.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1020.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1021.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1022.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1023.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1024.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1025.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1026.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1027.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1028.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1029.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1030.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1031.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1032.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1033.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1034.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1035.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1036.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1037.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1038.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1039.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1040.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1041.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1042.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1043.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1044.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1045.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1046.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1047.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1048.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1049.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1050.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1051.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1052.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1053.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1054.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1055.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1056.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1057.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1058.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1059.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1060.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1061.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1062.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1063.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1064.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1065.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1066.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1067.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1068.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1069.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1070.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1071.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1072.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1073.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1074.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1075.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1076.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1077.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1078.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1079.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1080.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1081.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1082.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1083.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1084.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1085.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1086.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1087.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1088.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1089.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1090.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1091.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1092.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1093.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1094.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1095.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1096.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1097.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1098.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1099.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1100.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1101.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1102.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1103.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1104.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1105.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1106.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1107.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1108.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1109.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1110.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1111.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1112.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1113.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1114.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1115.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1116.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1117.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1118.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1119.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1120.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1121.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1122.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1123.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1124.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1125.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1126.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1127.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1128.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1129.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1130.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1131.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1132.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1133.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1134.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1135.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1136.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1137.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1138.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1139.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1140.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1141.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1142.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1143.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1144.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1145.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1146.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1147.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1148.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1149.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1150.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1151.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1152.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1153.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1154.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1155.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1156.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1157.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1158.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1159.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1160.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1161.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1162.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1163.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1164.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1165.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1166.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1167.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1168.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1169.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1170.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1171.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1172.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1173.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1174.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1175.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1176.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1177.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1178.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1179.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1180.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1181.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1182.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1183.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1184.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1185.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1186.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1187.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1188.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1189.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1190.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1191.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1192.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1193.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1194.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1195.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1196.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1197.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1198.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1199.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1200.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1201.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1202.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1203.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1204.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1205.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1206.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1207.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1208.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1209.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1210.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1211.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1212.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1213.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1214.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1215.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1216.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1217.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1218.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1219.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1220.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1221.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1222.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1223.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1224.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1225.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1226.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1227.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1228.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1229.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1230.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1231.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1232.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1233.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1234.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1235.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1236.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1237.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1238.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1239.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1240.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1241.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1242.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1243.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1244.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1245.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1246.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1247.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1248.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1249.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1250.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1251.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1252.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1253.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1254.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1255.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1256.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1257.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1258.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1259.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1260.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1261.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1262.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1263.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1264.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1265.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1266.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1267.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1268.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1269.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1270.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1271.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1272.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1273.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1274.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1275.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1276.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1277.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1278.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1279.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1280.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1281.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1282.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1283.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1284.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1285.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1286.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1287.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1288.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1289.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1290.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1291.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1292.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1293.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1294.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1295.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1296.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1297.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1298.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1299.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1300.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1301.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1302.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1303.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1304.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1305.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1306.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1307.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1308.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1309.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1310.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1311.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1312.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1313.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1314.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1315.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1316.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1317.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1318.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1319.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1320.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1321.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1322.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1323.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1324.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1325.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1326.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1327.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1328.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1329.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1330.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1331.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1332.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1333.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1334.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1335.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1336.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1337.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1338.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1339.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1340.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1341.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1342.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1343.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1344.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1345.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1346.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1347.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1348.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1349.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1350.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1351.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1352.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1353.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1354.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1355.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1356.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1357.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1358.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1359.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1360.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1361.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1362.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1363.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1364.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1365.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1366.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1367.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1368.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1369.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1370.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1371.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1372.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1373.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1374.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1375.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1376.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1377.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1378.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1379.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1380.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1381.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1382.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1383.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1384.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1385.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1386.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1387.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1388.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1389.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1390.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1391.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1392.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1393.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1394.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1395.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1396.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1397.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1398.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1399.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1400.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1401.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1402.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1403.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1404.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1405.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1406.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1407.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1408.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1409.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1410.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1411.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1412.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1413.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1414.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1415.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1416.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1417.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1418.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1419.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1420.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1421.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1422.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1423.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1424.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1425.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1426.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1427.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1428.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1429.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1430.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1431.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1432.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1433.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1434.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1435.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1436.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1437.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1438.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1439.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1440.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1441.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1442.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1443.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1444.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1445.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1446.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1447.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1448.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1449.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1450.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1451.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1452.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1453.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1454.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1455.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1456.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1457.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1458.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1459.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1460.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1461.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1462.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1463.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1464.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1465.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1466.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1467.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1468.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1469.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1470.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1471.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1472.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1473.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1474.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1475.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1476.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1477.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1478.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1479.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1480.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1481.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1482.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1483.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1484.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1485.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1486.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1487.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1488.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1489.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1490.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1491.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1492.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1493.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1494.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1495.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1496.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1497.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1498.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1499.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1500.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1501.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1502.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1503.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1504.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1505.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1506.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1507.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1508.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1509.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1510.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1511.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1512.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1513.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1514.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1515.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1516.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1517.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1518.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1519.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1520.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1521.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1522.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1523.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1524.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1525.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1526.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1527.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1528.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1529.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1530.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1531.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1532.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1533.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1534.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1535.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1536.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1537.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1538.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1539.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1540.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1541.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1542.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1543.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1544.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1545.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1546.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1547.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1548.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1549.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1550.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1551.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1552.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1553.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1554.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1555.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1556.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1557.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1558.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1559.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1560.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1561.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1562.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1563.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1564.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/rsvp/8051928.6/tensors1565.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors2.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors3.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors4.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors5.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors6.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors7.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors8.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors9.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors10.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors11.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors12.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors13.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors14.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors15.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors16.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors17.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors18.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors19.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors20.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors21.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors22.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors23.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors24.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors25.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors26.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors27.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors28.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors29.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors30.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors31.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors32.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors33.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors34.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors35.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors36.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors37.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors38.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors39.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors40.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors41.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors42.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors43.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors44.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors45.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors46.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors47.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors48.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors49.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors50.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors51.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors52.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors53.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors54.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors55.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors56.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors57.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors58.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors59.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors60.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors61.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors62.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors63.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors64.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors65.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors66.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors67.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors68.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors69.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors70.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors71.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors72.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors73.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors74.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors75.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors76.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors77.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors78.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors79.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors80.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors81.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors82.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors83.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors84.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors85.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors86.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors87.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors88.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors89.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors90.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors91.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors92.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors93.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors94.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors95.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors96.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors97.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors98.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors99.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors100.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors101.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors102.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors103.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors104.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors105.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors106.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors107.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors108.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors109.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors110.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors111.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors112.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors113.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors114.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors115.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors116.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors117.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors118.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors119.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors120.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors121.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors122.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors123.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors124.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors125.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors126.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors127.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors128.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors129.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors130.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors131.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors132.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors133.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors134.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors135.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors136.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors137.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors138.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors139.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors140.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors141.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors142.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors143.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors144.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors145.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors146.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors147.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors148.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors149.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors150.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors151.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors152.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors153.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors154.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors155.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors156.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors157.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors158.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors159.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors160.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors161.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors162.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors163.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors164.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors165.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors166.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors167.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors168.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors169.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors170.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors171.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors172.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors173.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors174.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors175.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors176.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors177.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors178.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors179.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors180.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors181.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors182.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors183.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors184.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors185.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors186.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors187.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors188.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors189.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors190.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors191.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors192.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors193.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors194.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors195.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors196.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors197.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors198.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors199.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors200.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors201.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors202.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors203.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors204.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors205.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors206.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors207.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors208.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors209.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors210.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors211.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors212.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors213.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors214.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors215.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors216.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors217.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors218.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors219.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors220.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors221.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors222.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors223.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors224.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors225.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors226.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors227.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors228.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors229.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors230.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors231.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors232.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors233.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors234.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors235.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors236.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors237.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors238.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors239.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors240.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors241.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors242.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors243.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors244.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors245.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors246.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors247.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors248.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors249.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors250.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors251.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors252.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors253.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors254.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors255.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors256.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors257.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors258.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors259.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors260.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors261.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors262.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors263.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors264.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors265.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors266.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors267.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors268.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors269.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors270.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors271.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors272.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors273.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors274.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors275.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors276.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors277.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors278.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors279.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors280.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors281.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors282.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors283.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors284.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors285.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors286.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors287.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors288.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors289.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors290.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors291.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors292.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors293.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors294.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors295.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors296.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors297.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors298.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors299.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors300.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors301.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors302.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors303.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors304.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors305.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors306.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors307.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors308.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors309.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors310.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors311.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors312.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors313.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors314.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors315.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors316.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors317.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors318.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors319.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors320.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors321.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors322.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors323.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors324.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors325.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors326.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors327.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors328.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors329.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors330.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors331.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors332.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors333.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors334.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors335.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors336.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors337.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors338.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors339.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors340.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors341.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors342.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors343.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors344.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors345.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors346.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors347.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors348.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors349.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors350.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors351.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors352.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors353.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors354.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors355.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors356.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors357.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors358.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors359.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors360.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors361.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors362.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors363.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors364.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors365.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors366.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors367.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors368.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors369.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors370.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors371.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors372.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors373.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors374.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors375.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors376.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors377.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors378.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors379.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors380.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors381.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors382.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors383.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors384.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors385.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors386.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors387.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors388.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors389.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors390.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors391.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors392.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors393.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors394.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors395.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors396.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors397.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors398.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors399.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors400.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors401.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors402.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors403.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors404.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors405.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors406.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors407.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors408.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors409.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors410.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors411.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors412.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors413.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors414.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors415.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors416.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors417.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors418.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors419.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors420.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors421.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors422.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors423.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors424.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors425.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors426.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors427.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors428.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors429.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors430.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors431.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors432.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors433.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors434.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors435.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors436.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors437.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors438.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors439.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors440.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors441.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors442.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors443.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors444.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors445.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors446.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors447.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors448.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors449.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors450.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors451.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors452.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors453.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors454.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors455.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors456.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors457.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors458.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors459.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors460.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors461.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors462.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors463.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors464.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors465.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors466.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors467.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors468.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors469.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors470.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors471.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors472.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors473.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors474.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors475.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors476.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors477.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors478.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors479.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors480.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors481.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors482.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors483.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors484.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors485.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors486.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors487.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors488.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors489.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors490.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors491.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors492.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors493.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors494.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors495.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors496.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors497.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors498.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors499.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors500.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors501.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors502.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors503.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors504.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors505.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors506.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors507.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors508.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors509.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors510.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors511.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors512.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors513.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors514.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors515.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors516.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors517.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors518.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors519.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors520.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors521.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors522.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors523.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors524.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors525.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors526.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors527.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors528.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors529.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors530.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors531.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors532.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors533.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors534.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors535.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors536.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors537.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors538.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors539.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors540.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors541.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors542.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors543.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors544.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors545.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors546.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors547.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors548.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors549.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors550.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors551.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors552.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors553.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors554.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors555.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors556.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors557.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors558.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors559.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors560.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors561.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors562.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors563.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors564.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors565.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors566.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors567.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors568.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors569.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors570.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors571.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors572.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors573.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors574.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors575.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors576.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors577.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors578.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors579.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors580.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors581.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors582.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors583.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors584.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors585.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors586.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors587.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors588.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors589.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors590.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors591.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors592.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors593.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors594.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors595.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors596.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors597.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors598.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors599.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors600.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors601.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors602.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors603.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors604.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors605.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors606.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors607.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors608.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors609.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors610.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors611.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors612.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors613.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors614.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors615.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors616.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors617.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors618.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors619.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors620.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors621.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors622.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors623.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors624.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors625.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors626.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors627.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors628.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors629.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors630.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors631.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors632.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors633.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors634.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors635.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors636.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors637.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors638.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors639.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors640.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors641.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors642.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors643.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors644.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors645.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors646.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors647.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors648.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors649.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors650.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors651.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors652.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors653.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors654.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors655.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors656.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors657.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors658.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors659.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors660.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors661.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors662.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors663.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors664.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors665.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors666.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors667.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors668.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors669.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors670.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors671.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors672.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors673.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors674.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors675.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors676.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors677.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors678.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors679.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors680.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors681.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors682.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors683.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors684.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors685.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors686.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors687.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors688.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors689.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors690.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors691.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors692.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors693.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors694.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors695.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors696.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors697.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors698.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors699.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors700.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors701.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors702.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors703.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors704.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors705.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors706.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors707.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors708.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors709.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors710.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors711.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors712.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors713.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors714.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors715.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors716.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors717.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors718.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors719.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors720.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors721.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors722.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors723.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors724.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors725.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors726.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors727.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors728.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors729.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors730.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors731.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors732.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors733.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors734.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors735.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors736.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors737.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors738.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors739.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors740.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors741.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors742.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors743.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors744.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors745.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors746.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors747.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors748.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors749.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors750.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors751.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors752.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors753.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors754.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors755.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors756.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors757.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors758.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors759.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors760.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors761.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors762.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors763.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors764.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors765.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors766.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors767.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors768.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors769.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors770.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors771.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors772.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors773.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors774.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors775.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors776.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors777.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors778.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors779.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors780.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors781.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors782.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors783.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors784.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors785.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors786.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors787.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors788.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors789.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors790.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors791.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors792.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors793.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors794.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors795.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors796.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors797.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors798.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors799.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors800.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors801.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors802.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors803.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors804.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors805.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors806.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors807.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors808.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors809.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors810.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors811.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors812.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors813.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors814.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors815.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors816.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors817.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors818.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors819.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors820.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors821.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors822.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors823.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors824.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors825.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors826.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors827.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors828.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors829.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors830.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors831.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors832.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors833.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors834.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors835.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors836.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors837.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors838.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors839.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors840.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors841.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors842.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors843.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors844.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors845.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors846.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors847.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors848.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors849.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors850.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors851.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors852.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors853.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors854.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors855.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors856.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors857.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors858.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors859.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors860.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors861.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors862.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors863.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors864.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors865.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors866.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors867.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors868.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors869.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors870.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors871.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors872.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors873.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors874.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors875.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors876.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors877.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors878.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors879.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors880.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors881.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors882.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors883.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors884.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors885.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors886.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors887.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors888.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors889.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors890.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors891.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors892.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors893.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors894.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors895.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors896.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors897.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors898.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors899.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors900.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors901.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors902.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors903.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors904.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors905.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors906.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors907.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors908.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors909.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors910.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors911.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors912.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors913.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors914.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors915.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors916.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors917.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors918.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors919.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors920.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors921.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors922.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors923.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors924.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors925.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors926.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors927.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors928.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors929.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors930.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors931.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors932.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors933.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors934.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors935.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors936.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors937.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors938.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors939.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors940.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors941.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors942.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors943.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors944.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors945.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors946.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors947.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors948.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors949.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors950.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors951.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors952.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors953.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors954.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors955.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors956.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors957.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors958.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors959.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors960.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors961.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors962.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors963.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors964.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors965.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors966.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors967.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors968.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors969.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors970.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors971.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors972.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors973.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors974.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors975.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors976.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors977.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors978.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors979.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors980.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors981.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors982.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors983.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors984.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors985.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors986.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors987.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors988.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors989.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors990.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors991.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors992.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors993.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors994.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors995.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors996.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors997.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors998.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors999.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1000.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1001.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1002.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1003.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1004.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1005.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1006.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1007.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1008.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1009.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1010.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1011.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1012.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1013.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1014.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1015.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1016.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1017.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1018.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1019.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1020.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1021.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1022.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1023.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1024.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1025.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1026.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1027.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1028.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1029.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1030.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1031.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1032.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1033.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1034.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1035.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1036.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1037.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1038.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1039.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1040.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1041.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1042.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1043.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1044.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1045.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1046.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1047.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1048.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1049.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1050.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1051.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1052.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1053.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1054.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1055.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1056.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1057.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1058.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1059.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1060.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1061.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1062.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1063.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1064.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1065.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1066.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1067.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1068.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1069.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1070.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1071.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1072.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1073.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1074.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1075.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1076.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1077.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1078.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1079.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1080.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1081.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1082.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1083.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1084.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1085.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1086.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1087.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1088.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1089.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1090.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1091.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1092.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1093.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1094.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1095.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1096.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1097.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1098.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1099.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1100.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1101.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1102.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1103.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1104.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1105.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1106.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1107.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1108.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1109.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1110.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1111.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1112.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1113.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1114.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1115.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1116.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1117.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1118.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1119.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1120.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1121.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1122.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1123.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1124.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1125.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1126.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1127.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1128.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1129.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1130.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1131.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1132.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1133.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1134.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1135.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1136.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1137.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1138.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1139.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1140.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1141.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1142.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1143.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1144.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1145.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1146.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1147.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1148.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1149.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1150.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1151.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1152.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1153.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1154.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1155.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1156.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1157.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1158.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1159.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1160.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1161.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1162.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1163.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1164.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1165.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1166.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1167.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1168.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1169.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1170.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1171.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1172.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1173.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1174.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1175.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1176.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1177.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1178.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1179.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1180.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1181.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1182.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1183.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1184.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1185.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1186.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1187.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1188.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1189.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1190.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1191.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1192.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1193.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1194.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1195.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1196.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1197.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1198.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1199.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1200.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1201.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1202.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1203.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1204.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1205.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1206.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1207.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1208.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1209.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1210.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1211.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1212.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1213.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1214.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1215.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1216.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1217.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1218.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1219.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1220.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1221.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1222.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1223.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1224.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1225.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1226.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1227.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1228.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1229.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1230.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1231.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1232.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1233.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1234.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1235.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1236.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1237.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1238.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1239.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1240.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1241.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1242.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1243.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1244.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1245.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1246.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1247.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1248.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1249.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1250.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1251.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1252.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1253.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1254.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1255.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1256.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1257.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1258.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1259.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1260.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1261.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1262.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1263.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1264.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1265.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1266.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1267.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1268.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1269.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1270.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1271.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1272.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1273.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1274.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1275.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1276.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1277.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1278.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1279.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1280.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1281.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1282.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1283.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1284.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1285.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1286.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1287.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1288.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1289.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1290.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1291.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1292.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1293.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1294.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1295.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1296.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1297.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1298.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1299.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1300.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1301.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1302.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1303.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1304.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1305.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1306.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1307.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1308.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1309.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1310.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1311.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1312.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1313.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1314.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1315.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1316.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1317.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1318.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1319.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1320.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1321.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1322.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1323.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1324.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1325.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1326.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1327.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1328.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1329.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1330.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1331.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1332.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1333.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1334.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1335.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1336.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1337.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1338.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1339.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1340.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1341.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1342.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1343.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1344.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1345.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1346.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1347.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1348.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1349.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1350.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1351.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1352.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1353.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1354.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1355.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1356.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1357.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1358.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1359.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1360.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1361.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1362.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1363.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1364.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1365.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1366.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1367.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1368.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1369.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1370.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1371.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1372.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1373.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1374.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1375.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1376.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1377.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1378.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1379.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1380.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1381.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1382.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1383.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1384.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1385.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1386.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1387.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1388.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1389.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1390.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1391.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1392.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1393.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1394.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1395.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1396.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1397.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1398.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1399.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1400.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1401.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1402.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1403.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1404.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1405.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1406.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1407.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1408.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1409.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1410.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1411.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1412.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1413.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1414.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1415.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1416.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1417.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1418.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1419.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1420.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1421.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1422.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1423.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1424.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1425.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1426.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1427.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1428.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1429.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1430.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1431.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1432.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1433.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1434.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1435.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1436.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1437.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1438.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1439.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1440.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1441.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1442.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1443.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1444.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1445.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1446.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1447.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1448.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1449.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1450.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1451.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1452.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1453.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1454.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1455.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1456.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1457.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1458.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1459.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1460.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1461.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1462.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1463.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1464.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1465.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1466.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1467.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1468.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1469.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1470.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1471.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1472.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1473.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1474.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1475.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1476.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1477.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1478.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1479.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1480.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1481.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1482.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1483.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1484.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1485.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1486.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1487.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1488.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1489.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1490.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1491.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1492.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1493.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1494.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1495.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1496.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1497.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1498.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1499.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1500.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1501.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1502.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1503.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1504.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1505.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1506.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1507.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1508.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1509.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1510.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1511.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1512.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1513.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1514.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1515.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1516.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1517.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1518.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1519.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1520.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1521.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1522.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1523.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1524.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1525.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1526.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1527.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1528.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1529.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1530.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1531.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1532.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1533.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1534.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1535.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1536.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1537.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1538.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1539.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1540.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1541.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1542.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1543.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1544.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1545.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1546.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1547.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1548.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1549.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1550.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1551.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1552.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1553.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1554.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1555.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1556.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1557.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1558.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1559.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1560.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1561.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1562.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1563.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1564.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Calvin Klein Collection/8005712.365488/tensors1565.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors1.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors2.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors3.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors4.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors5.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors6.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors7.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors8.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors9.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors10.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors11.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors12.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors13.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors14.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors15.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors16.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors17.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors18.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors19.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors20.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors21.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors22.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors23.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors24.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors25.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors26.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors27.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors28.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors29.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors30.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors31.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors32.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors33.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors34.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors35.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors36.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors37.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors38.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors39.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors40.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors41.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors42.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors43.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors44.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors45.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors46.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors47.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors48.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors49.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors50.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors51.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors52.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors53.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors54.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors55.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors56.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors57.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors58.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors59.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors60.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors61.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors62.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors63.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors64.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors65.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors66.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors67.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors68.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors69.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors70.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors71.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors72.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors73.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors74.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors75.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors76.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors77.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors78.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors79.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors80.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors81.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors82.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors83.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors84.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors85.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors86.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors87.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors88.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors89.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors90.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors91.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors92.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors93.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors94.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors95.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors96.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors97.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors98.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors99.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors100.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors101.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors102.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors103.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors104.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors105.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors106.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors107.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors108.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors109.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors110.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors111.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors112.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors113.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors114.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors115.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors116.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors117.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors118.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors119.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors120.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors121.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors122.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors123.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors124.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors125.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors126.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors127.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors128.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors129.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors130.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors131.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors132.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors133.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors134.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors135.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors136.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors137.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors138.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors139.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors140.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors141.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors142.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors143.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors144.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors145.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors146.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors147.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors148.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors149.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors150.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors151.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors152.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors153.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors154.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors155.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors156.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors157.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors158.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors159.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors160.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors161.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors162.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors163.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors164.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors165.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors166.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors167.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors168.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors169.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors170.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors171.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors172.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors173.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors174.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors175.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors176.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors177.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors178.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors179.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors180.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors181.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors182.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors183.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors184.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors185.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors186.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors187.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors188.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors189.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors190.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors191.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors192.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors193.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors194.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Rachel Zoe/8034374.3/tensors195.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors253.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors254.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors255.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors256.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors257.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors258.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors259.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors260.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors261.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors262.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors263.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors264.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors265.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors266.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors267.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors268.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors269.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors270.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors271.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors272.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors273.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors274.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors275.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors276.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors277.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors278.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors279.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors280.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors281.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors282.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors283.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors284.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors285.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors286.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors287.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors288.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors289.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors290.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors291.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors292.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors293.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors294.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors295.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors296.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors297.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors298.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors299.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors300.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors301.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors302.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors303.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors304.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors305.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors306.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors307.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors308.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors309.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors310.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors311.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors312.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors313.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors314.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors315.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors316.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors317.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors318.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors319.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors320.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors321.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors322.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors323.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors324.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors325.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors326.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors327.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors328.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors329.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors330.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors331.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors332.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors333.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors334.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors335.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors336.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors337.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors338.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors339.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors340.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors341.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors342.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors343.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors344.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors345.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors346.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors347.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors348.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors349.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors350.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors351.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors352.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors353.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors354.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors355.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors356.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors357.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors358.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors359.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors360.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors361.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors362.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors363.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors364.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors365.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors366.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors367.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors368.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors369.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors370.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors371.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors372.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors373.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors374.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors375.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors376.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors377.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors378.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors379.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors380.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors381.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors382.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors383.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors384.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors385.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors386.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors387.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors388.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors389.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors390.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors391.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors392.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors393.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors394.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors395.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors396.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors397.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors398.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors399.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors400.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors401.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors402.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors403.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors404.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors405.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors406.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors407.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors408.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors409.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors410.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors411.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors412.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors413.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors414.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors415.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors416.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors417.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors418.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors419.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors420.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors421.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors422.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors423.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors424.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors425.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors426.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors427.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors428.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors429.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors430.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors431.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors432.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors433.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors434.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors435.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors436.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors437.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors438.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors439.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors440.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors441.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors442.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors443.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors444.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors445.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors446.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors447.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors448.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors449.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors450.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors451.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors452.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors453.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors454.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors455.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors456.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors457.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors458.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors459.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors460.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors461.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors462.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors463.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors464.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors465.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors466.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors467.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors468.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors469.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors470.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors471.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors472.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors473.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors474.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors475.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors476.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors477.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors478.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors479.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors480.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors481.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors482.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors483.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors484.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors485.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors486.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors487.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors488.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors489.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors490.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors491.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors492.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors493.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors494.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors495.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors496.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors497.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors498.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors499.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors500.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors501.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors502.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors503.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors504.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors505.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors506.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors507.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors508.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors509.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors510.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors511.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors512.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors513.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors514.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors515.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors516.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors517.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors518.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors519.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors520.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors521.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors522.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors523.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors524.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors525.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors526.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors527.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors528.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors529.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors530.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors531.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors532.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors533.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors534.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors535.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors536.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors537.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors538.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors539.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors540.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors541.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors542.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors543.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors544.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors545.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors546.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors547.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors548.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors549.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors550.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors551.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors552.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors553.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors554.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors555.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors556.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors557.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors558.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors559.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors560.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors561.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors562.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors563.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors564.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors565.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors566.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors567.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors568.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors569.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors570.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors571.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors572.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors573.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors574.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors575.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors576.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors577.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors578.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors579.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors580.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors581.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors582.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors583.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors584.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors585.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors586.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors587.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors588.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors589.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors590.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors591.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors592.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors593.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors594.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors595.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors596.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors597.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors598.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors599.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors600.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors601.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors602.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors603.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors604.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors605.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors606.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors607.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors608.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors609.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors610.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors611.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors612.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors613.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors614.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors615.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors616.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors617.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors618.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors619.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors620.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors621.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors622.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors623.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors624.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors625.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors626.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors627.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors628.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors629.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors630.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors631.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors632.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors633.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors634.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors635.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors636.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors637.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors638.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors639.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors640.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors641.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors642.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors643.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors644.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors645.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors646.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors647.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors648.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors649.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors650.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors651.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors652.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors653.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors654.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors655.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors656.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors657.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors658.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors659.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors660.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors661.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors662.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors663.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors664.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors665.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors666.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors667.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors668.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors669.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors670.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors671.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors672.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors673.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors674.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors675.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors676.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors677.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors678.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors679.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors680.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors681.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors682.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors683.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors684.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors685.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors686.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors687.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors688.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors689.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors690.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors691.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors692.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors693.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors694.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors695.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors696.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors697.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors698.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors699.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors700.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors701.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors702.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors703.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors704.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors705.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors706.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors707.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors708.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors709.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors710.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors711.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors712.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors713.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors714.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors715.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors716.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors717.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors718.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors719.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors720.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors721.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors722.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors723.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors724.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors725.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors726.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors727.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors728.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors729.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors730.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors731.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors732.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors733.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors734.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors735.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors736.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors737.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors738.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors739.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors740.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors741.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors742.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors743.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors744.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors745.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors746.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors747.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors748.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors749.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors750.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors751.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors752.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors753.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors754.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors755.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors756.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors757.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors758.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors759.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors760.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors761.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors762.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors763.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors764.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors765.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors766.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors767.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors768.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors769.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors770.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors771.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors772.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors773.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors774.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors775.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors776.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors777.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors778.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors779.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors780.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors781.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors782.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors783.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors784.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors785.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors786.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors787.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors788.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors789.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors790.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors791.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors792.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors793.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors794.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors795.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors796.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors797.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors798.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors799.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors800.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors801.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors802.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors803.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors804.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors805.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors806.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors807.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors808.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors809.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors810.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors811.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors812.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors813.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors814.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors815.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors816.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors817.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors818.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors819.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors820.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors821.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors822.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors823.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors824.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors825.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors826.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors827.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors828.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors829.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors830.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors831.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors832.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors833.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors834.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors835.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors836.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors837.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors838.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors839.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors840.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors841.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors842.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors843.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors844.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors845.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors846.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors847.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors848.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors849.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors850.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors851.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors852.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors853.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors854.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors855.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors856.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors857.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors858.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors859.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors860.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors861.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors862.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors863.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors864.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors865.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors866.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors867.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors868.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors869.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors870.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors871.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors872.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors873.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors874.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors875.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors876.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors877.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors878.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors879.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors880.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors881.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors882.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors883.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors884.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors885.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors886.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors887.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors888.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors889.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors890.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors891.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors892.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors893.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors894.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors895.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors896.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors897.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors898.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors899.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors900.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors901.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors902.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors903.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors904.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors905.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors906.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors907.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors908.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors909.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors910.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors911.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors912.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors913.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors914.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors915.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors916.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors917.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors918.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors919.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors920.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors921.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors922.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors923.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors924.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors925.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors926.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors927.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors928.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors929.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors930.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors931.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors932.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors933.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors934.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors935.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors936.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors937.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors938.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors939.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors940.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors941.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors942.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors943.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors944.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors945.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors946.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors947.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors948.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors949.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors950.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors951.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors952.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors953.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors954.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors955.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors956.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors957.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors958.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors959.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors960.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors961.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors962.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors963.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors964.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors965.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors966.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors967.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors968.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors969.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors970.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors971.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors972.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors973.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors974.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors975.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors976.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors977.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors978.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors979.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors980.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors981.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors982.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors983.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors984.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors985.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors986.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors987.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors988.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors989.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors990.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors991.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors992.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors993.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors994.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors995.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors996.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors997.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors998.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors999.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1000.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1001.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1002.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1003.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1004.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1005.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1006.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1007.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1008.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1009.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1010.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1011.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1012.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1013.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1014.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1015.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1016.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1017.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1018.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1019.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1020.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1021.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1022.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1023.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1024.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1025.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1026.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1027.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1028.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1029.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1030.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1031.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1032.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1033.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1034.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1035.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1036.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1037.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1038.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1039.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1040.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1041.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1042.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1043.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1044.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1045.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1046.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1047.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1048.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1049.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1050.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1051.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1052.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1053.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1054.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1055.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1056.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1057.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1058.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1059.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1060.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1061.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1062.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1063.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1064.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1065.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1066.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1067.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1068.npy.gz\n",
      "completed: /home/ec2-user/SageMaker/tensors/Boots/Over the Knee/Michael Antonio/8044422.184651/tensors1069.npy.gz\n"
     ]
    }
   ],
   "source": [
    "#zapposDF = pd.read_csv(ZAPPOS50K_INDEX, header=None, usecols=[0],names=['img'])        \n",
    "zapposDF = pd.read_csv(WORKING_DIR+'/zappos50k-index-cont1.csv', header=None, usecols=[0],names=['img'])        \n",
    "convert_images_to_tensors(zapposDF)"
   ]
  }
 ],
 "metadata": {
  "kernelspec": {
   "display_name": "conda_pytorch_p36",
   "language": "python",
   "name": "conda_pytorch_p36"
  }
 },
 "nbformat": 4,
 "nbformat_minor": 2
}